diff --git a/examples/v18_to_v2x/exp_librispeech/nohup_test.out b/examples/v18_to_v2x/exp_librispeech/nohup_test.out deleted file mode 100644 index 3bc593c9..00000000 --- a/examples/v18_to_v2x/exp_librispeech/nohup_test.out +++ /dev/null @@ -1,48597 +0,0 @@ -BIN_DIR /home/huangyuxin/workspace/my_DeepSpeech/DeepSpeech/examples/v18_to_v2x/deepspeech2x/bin -checkpoint name deepspeech2 -using 1 gpus... -Download language model ... -data/lm/common_crawl_00.prune01111.trie.klm already exists, download skipped. -grep: warning: GREP_OPTIONS is deprecated; please use an alias or script -/home/huangyuxin/workspace/my_DeepSpeech/DeepSpeech/tools/venv/lib/python3.7/site-packages/paddle/optimizer/adamw.py:21: DeprecationWarning: Using or importing the ABCs from 'collections' instead of from 'collections.abc' is deprecated, and in 3.8 it will stop working - from collections import Callable -/home/huangyuxin/workspace/my_DeepSpeech/DeepSpeech/tools/venv/lib/python3.7/site-packages/scipy/fftpack/__init__.py:103: DeprecationWarning: The module numpy.dual is deprecated. Instead of using dual, use the functions directly from numpy or scipy. - from numpy.dual import register_func -/home/huangyuxin/workspace/my_DeepSpeech/DeepSpeech/tools/venv/lib/python3.7/site-packages/scipy/special/orthogonal.py:81: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information. -Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations - from numpy import (exp, inf, pi, sqrt, floor, sin, cos, around, int, -/home/huangyuxin/workspace/my_DeepSpeech/DeepSpeech/tools/venv/lib/python3.7/site-packages/scipy/sparse/sputils.py:16: DeprecationWarning: `np.typeDict` is a deprecated alias for `np.sctypeDict`. - supported_dtypes = [np.typeDict[x] for x in supported_dtypes] -/home/huangyuxin/workspace/my_DeepSpeech/DeepSpeech/tools/venv/lib/python3.7/site-packages/swig_decoders-1.1-py3.7-linux-x86_64.egg/swig_decoders.py:15: DeprecationWarning: the imp module is deprecated in favour of importlib; see the module's documentation for alternative uses - import imp -2021-09-20 08:06:57.353 | WARNING | deepspeech2x::199 - override size of paddle.Tensor (`to_static` do not process `size` property, maybe some `paddle` api dependent on it), remove this when fixed! -2021-09-20 08:06:57.355 | WARNING | deepspeech2x::369 - register user GLU to paddle.nn, remove this when fixed! ------------ test.py Configuration Arguments ----------- -checkpoint_path: exp/deepspeech2/checkpoints/librispeech_v1.8 -config: conf/deepspeech2.yaml -device: gpu -dump_config: None -model_type: offline -nprocs: 1 -opts: [] -output: None -result_file: exp/deepspeech2/checkpoints/librispeech_v1.8.rsl -seed: None ------------------------------------------------------------ -model_type:offline -collator: - augmentation_config: conf/augmentation.json - batch_size: 64 - delta_delta: False - dither: 1.0 - feat_dim: None - keep_transcription_text: False - max_freq: None - mean_std_filepath: data/mean_std.npz - n_fft: None - num_workers: 2 - random_seed: 0 - shuffle_method: batch_shuffle - sortagrad: True - specgram_type: linear - spm_model_prefix: None - stride_ms: 10.0 - target_dB: -20 - target_sample_rate: 16000 - unit_type: char - use_dB_normalization: True - vocab_filepath: data/vocab.txt - window_ms: 20.0 -data: - dev_manifest: data/manifest.dev - manifest: - max_input_len: 1000.0 - max_output_input_ratio: inf - max_output_len: inf - min_input_len: 0.0 - min_output_input_ratio: 0.0 - min_output_len: 0.0 - test_manifest: data/manifest.test-clean - train_manifest: data/manifest.train -decoding: - alpha: 2.5 - batch_size: 64 - beam_size: 500 - beta: 0.3 - cutoff_prob: 1.0 - cutoff_top_n: 40 - decoding_method: ctc_beam_search - error_rate_type: wer - lang_model_path: data/lm/common_crawl_00.prune01111.trie.klm - num_proc_bsearch: 8 -model: - blank_id: 28 - ctc_grad_norm_type: instance - num_conv_layers: 2 - num_rnn_layers: 3 - rnn_layer_size: 2048 - share_rnn_weights: True - use_gru: False -training: - accum_grad: 1 - checkpoint: - kbest_n: 50 - latest_n: 5 - global_grad_clip: 3.0 - log_interval: 100 - lr: 0.002 - lr_decay: 0.83 - n_epoch: 80 - weight_decay: 1e-06 -2021-09-20 08:06:57.420 | INFO | deepspeech2x.model:setup_dataloader:251 - Setup train/valid/test Dataloader! -W0920 08:06:57.422587 42041 device_context.cc:447] Please NOTE: device: 0, GPU Compute Capability: 7.0, Driver API Version: 10.2, Runtime API Version: 10.1 -W0920 08:06:57.428334 42041 device_context.cc:465] device: 0, cuDNN Version: 7.6. -Epoch 0: ExponentialDecay set learning rate to 0.002.2021-09-20 08:07:01.537 | INFO | deepspeech.modules.loss:__init__:36 - CTCLoss Loss reduction: sum, div-bs: True -2021-09-20 08:07:01.538 | INFO | deepspeech.modules.loss:__init__:45 - CTCLoss Grad Norm Type: instance - -2021-09-20 08:07:01.538 | INFO | deepspeech2x.model:setup_model:165 - DeepSpeech2Model( - (encoder): CRNNEncoder( - (conv): ConvStack( - (conv_in): ConvBn( - (conv): Conv2D(1, 32, kernel_size=[41, 11], stride=[2, 3], padding=(20, 5), data_format=NCHW) - (bn): BatchNorm2D(num_features=32, momentum=0.9, epsilon=1e-05) - ) - (conv_stack): LayerList( - (0): ConvBn( - (conv): Conv2D(32, 32, kernel_size=[21, 11], stride=[2, 1], padding=(10, 5), data_format=NCHW) - (bn): BatchNorm2D(num_features=32, momentum=0.9, epsilon=1e-05) - ) - ) - ) - (rnn): RNNStack( - (rnn_stacks): LayerList( - (0): BiRNNWithBN( - (fw_fc): Linear(in_features=1312, out_features=2048, dtype=float32) - (fw_bn): BatchNorm1D(num_features=2048, momentum=0.9, epsilon=1e-05, data_format=NLC) - (bw_fc): Linear(in_features=1312, out_features=2048, dtype=float32) - (bw_bn): BatchNorm1D(num_features=2048, momentum=0.9, epsilon=1e-05, data_format=NLC) - (fw_cell): RNNCell() - (bw_cell): RNNCell() - (fw_rnn): RNN( - (cell): RNNCell() - ) - (bw_rnn): RNN( - (cell): RNNCell() - ) - ) - (1): BiRNNWithBN( - (fw_fc): Linear(in_features=4096, out_features=2048, dtype=float32) - (fw_bn): BatchNorm1D(num_features=2048, momentum=0.9, epsilon=1e-05, data_format=NLC) - (bw_fc): Linear(in_features=4096, out_features=2048, dtype=float32) - (bw_bn): BatchNorm1D(num_features=2048, momentum=0.9, epsilon=1e-05, data_format=NLC) - (fw_cell): RNNCell() - (bw_cell): RNNCell() - (fw_rnn): RNN( - (cell): RNNCell() - ) - (bw_rnn): RNN( - (cell): RNNCell() - ) - ) - (2): BiRNNWithBN( - (fw_fc): Linear(in_features=4096, out_features=2048, dtype=float32) - (fw_bn): BatchNorm1D(num_features=2048, momentum=0.9, epsilon=1e-05, data_format=NLC) - (bw_fc): Linear(in_features=4096, out_features=2048, dtype=float32) - (bw_bn): BatchNorm1D(num_features=2048, momentum=0.9, epsilon=1e-05, data_format=NLC) - (fw_cell): RNNCell() - (bw_cell): RNNCell() - (fw_rnn): RNN( - (cell): RNNCell() - ) - (bw_rnn): RNN( - (cell): RNNCell() - ) - ) - ) - ) - ) - (decoder): CTCDecoder( - (ctc_lo): Linear(in_features=4096, out_features=29, dtype=float32) - (criterion): CTCLoss( - (loss): CTCLoss() - ) - ) -) -2021-09-20 08:07:01.539 | INFO | deepspeech.utils.layer_tools:print_params:57 - encoder.conv.conv_in.conv.weight | [32, 1, 41, 11] | 14432 | True -2021-09-20 08:07:01.539 | INFO | deepspeech.utils.layer_tools:print_params:57 - encoder.conv.conv_in.bn.weight | [32] | 32 | True -2021-09-20 08:07:01.540 | INFO | deepspeech.utils.layer_tools:print_params:57 - encoder.conv.conv_in.bn.bias | [32] | 32 | True -2021-09-20 08:07:01.540 | INFO | deepspeech.utils.layer_tools:print_params:57 - encoder.conv.conv_in.bn._mean | [32] | 32 | False -2021-09-20 08:07:01.540 | INFO | deepspeech.utils.layer_tools:print_params:57 - encoder.conv.conv_in.bn._variance | [32] | 32 | False -2021-09-20 08:07:01.540 | INFO | deepspeech.utils.layer_tools:print_params:57 - encoder.conv.conv_stack.0.conv.weight | [32, 32, 21, 11] | 236544 | True -2021-09-20 08:07:01.541 | INFO | deepspeech.utils.layer_tools:print_params:57 - encoder.conv.conv_stack.0.bn.weight | [32] | 32 | True -2021-09-20 08:07:01.541 | INFO | deepspeech.utils.layer_tools:print_params:57 - encoder.conv.conv_stack.0.bn.bias | [32] | 32 | True -2021-09-20 08:07:01.541 | INFO | deepspeech.utils.layer_tools:print_params:57 - encoder.conv.conv_stack.0.bn._mean | [32] | 32 | False -2021-09-20 08:07:01.542 | INFO | deepspeech.utils.layer_tools:print_params:57 - encoder.conv.conv_stack.0.bn._variance | [32] | 32 | False -2021-09-20 08:07:01.542 | INFO | deepspeech.utils.layer_tools:print_params:57 - encoder.rnn.rnn_stacks.0.fw_fc.weight | [1312, 2048] | 2686976 | True -2021-09-20 08:07:01.542 | INFO | deepspeech.utils.layer_tools:print_params:57 - encoder.rnn.rnn_stacks.0.fw_bn.weight | [2048] | 2048 | True -2021-09-20 08:07:01.542 | INFO | deepspeech.utils.layer_tools:print_params:57 - encoder.rnn.rnn_stacks.0.fw_bn.bias | [2048] | 2048 | True -2021-09-20 08:07:01.543 | INFO | deepspeech.utils.layer_tools:print_params:57 - encoder.rnn.rnn_stacks.0.fw_bn._mean | [2048] | 2048 | False -2021-09-20 08:07:01.543 | INFO | deepspeech.utils.layer_tools:print_params:57 - encoder.rnn.rnn_stacks.0.fw_bn._variance | [2048] | 2048 | False -2021-09-20 08:07:01.543 | INFO | deepspeech.utils.layer_tools:print_params:57 - encoder.rnn.rnn_stacks.0.fw_cell.weight_hh | [2048, 2048] | 4194304 | True -2021-09-20 08:07:01.544 | INFO | deepspeech.utils.layer_tools:print_params:57 - encoder.rnn.rnn_stacks.0.fw_cell.bias_hh | [2048] | 2048 | True -2021-09-20 08:07:01.544 | INFO | deepspeech.utils.layer_tools:print_params:57 - encoder.rnn.rnn_stacks.0.bw_cell.weight_hh | [2048, 2048] | 4194304 | True -2021-09-20 08:07:01.544 | INFO | deepspeech.utils.layer_tools:print_params:57 - encoder.rnn.rnn_stacks.0.bw_cell.bias_hh | [2048] | 2048 | True -2021-09-20 08:07:01.544 | INFO | deepspeech.utils.layer_tools:print_params:57 - encoder.rnn.rnn_stacks.1.fw_fc.weight | [4096, 2048] | 8388608 | True -2021-09-20 08:07:01.545 | INFO | deepspeech.utils.layer_tools:print_params:57 - encoder.rnn.rnn_stacks.1.fw_bn.weight | [2048] | 2048 | True -2021-09-20 08:07:01.545 | INFO | deepspeech.utils.layer_tools:print_params:57 - encoder.rnn.rnn_stacks.1.fw_bn.bias | [2048] | 2048 | True -2021-09-20 08:07:01.545 | INFO | deepspeech.utils.layer_tools:print_params:57 - encoder.rnn.rnn_stacks.1.fw_bn._mean | [2048] | 2048 | False -2021-09-20 08:07:01.546 | INFO | deepspeech.utils.layer_tools:print_params:57 - encoder.rnn.rnn_stacks.1.fw_bn._variance | [2048] | 2048 | False -2021-09-20 08:07:01.546 | INFO | deepspeech.utils.layer_tools:print_params:57 - encoder.rnn.rnn_stacks.1.fw_cell.weight_hh | [2048, 2048] | 4194304 | True -2021-09-20 08:07:01.546 | INFO | deepspeech.utils.layer_tools:print_params:57 - encoder.rnn.rnn_stacks.1.fw_cell.bias_hh | [2048] | 2048 | True -2021-09-20 08:07:01.546 | INFO | deepspeech.utils.layer_tools:print_params:57 - encoder.rnn.rnn_stacks.1.bw_cell.weight_hh | [2048, 2048] | 4194304 | True -2021-09-20 08:07:01.547 | INFO | deepspeech.utils.layer_tools:print_params:57 - encoder.rnn.rnn_stacks.1.bw_cell.bias_hh | [2048] | 2048 | True -2021-09-20 08:07:01.547 | INFO | deepspeech.utils.layer_tools:print_params:57 - encoder.rnn.rnn_stacks.2.fw_fc.weight | [4096, 2048] | 8388608 | True -2021-09-20 08:07:01.547 | INFO | deepspeech.utils.layer_tools:print_params:57 - encoder.rnn.rnn_stacks.2.fw_bn.weight | [2048] | 2048 | True -2021-09-20 08:07:01.548 | INFO | deepspeech.utils.layer_tools:print_params:57 - encoder.rnn.rnn_stacks.2.fw_bn.bias | [2048] | 2048 | True -2021-09-20 08:07:01.548 | INFO | deepspeech.utils.layer_tools:print_params:57 - encoder.rnn.rnn_stacks.2.fw_bn._mean | [2048] | 2048 | False -2021-09-20 08:07:01.548 | INFO | deepspeech.utils.layer_tools:print_params:57 - encoder.rnn.rnn_stacks.2.fw_bn._variance | [2048] | 2048 | False -2021-09-20 08:07:01.548 | INFO | deepspeech.utils.layer_tools:print_params:57 - encoder.rnn.rnn_stacks.2.fw_cell.weight_hh | [2048, 2048] | 4194304 | True -2021-09-20 08:07:01.549 | INFO | deepspeech.utils.layer_tools:print_params:57 - encoder.rnn.rnn_stacks.2.fw_cell.bias_hh | [2048] | 2048 | True -2021-09-20 08:07:01.549 | INFO | deepspeech.utils.layer_tools:print_params:57 - encoder.rnn.rnn_stacks.2.bw_cell.weight_hh | [2048, 2048] | 4194304 | True -2021-09-20 08:07:01.549 | INFO | deepspeech.utils.layer_tools:print_params:57 - encoder.rnn.rnn_stacks.2.bw_cell.bias_hh | [2048] | 2048 | True -2021-09-20 08:07:01.550 | INFO | deepspeech.utils.layer_tools:print_params:57 - decoder.ctc_lo.weight | [4096, 29] | 118784 | True -2021-09-20 08:07:01.550 | INFO | deepspeech.utils.layer_tools:print_params:57 - decoder.ctc_lo.bias | [29] | 29 | True -2021-09-20 08:07:01.550 | INFO | deepspeech.utils.layer_tools:print_params:60 - Total parameters: 39.0, 42.95M elements. -2021-09-20 08:07:01.551 | INFO | deepspeech2x.model:setup_model:184 - Setup model/optimizer/lr_scheduler! -/home/huangyuxin/workspace/my_DeepSpeech/DeepSpeech/tools/venv/lib/python3.7/site-packages/paddle/framework/io.py:412: DeprecationWarning: Using or importing the ABCs from 'collections' instead of from 'collections.abc' is deprecated, and in 3.8 it will stop working - if isinstance(obj, collections.Iterable) and not isinstance(obj, ( -2021-09-20 08:07:02.080 | INFO | deepspeech.utils.checkpoint:load_parameters:117 - Rank 0: Restore model from exp/deepspeech2/checkpoints/librispeech_v1.8.pdparams -2021-09-20 08:07:02.085 | INFO | deepspeech.training.trainer:resume_or_scratch:174 - Restore/Init checkpoint! -2021-09-20 08:07:02.085 | INFO | deepspeech2x.model:test:353 - Test Total Examples: 2620 -2021-09-20 08:07:02.841 | INFO | deepspeech.modules.ctc:_init_ext_scorer:166 - begin to initialize the external scorer for decoding -2021-09-20 08:07:16.191 | INFO | deepspeech.modules.ctc:_init_ext_scorer:176 - language model: is_character_based = 0, max_order = 5, dict_size = 400000 -2021-09-20 08:07:16.508 | INFO | deepspeech.modules.ctc:_init_ext_scorer:177 - end initializing scorer -/home/huangyuxin/workspace/my_DeepSpeech/DeepSpeech/tools/venv/lib/python3.7/site-packages/paddle/fluid/dygraph/math_op_patch.py:248: UserWarning: The dtype of left and right variables are not the same, left dtype is paddle.float32, but right dtype is paddle.bool, the right dtype will convert to paddle.float32 - format(lhs_dtype, rhs_dtype, lhs_dtype)) -/home/huangyuxin/workspace/my_DeepSpeech/DeepSpeech/tools/venv/lib/python3.7/site-packages/paddle/fluid/layers/utils.py:77: DeprecationWarning: Using or importing the ABCs from 'collections' instead of from 'collections.abc' is deprecated, and in 3.8 it will stop working - return (isinstance(seq, collections.Sequence) and -2021-09-20 08:07:20.066 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: a story -Output Transcription: a story -2021-09-20 08:07:20.067 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:07:20.067 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: direction -Output Transcription: direction -2021-09-20 08:07:20.068 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:07:20.068 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: verse two -Output Transcription: first two -2021-09-20 08:07:20.068 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.500000 -2021-09-20 08:07:20.069 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: oh emil -Output Transcription: oh amil -2021-09-20 08:07:20.069 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.500000 -2021-09-20 08:07:20.069 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: indeed ah -Output Transcription: indeed a -2021-09-20 08:07:20.069 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.500000 -2021-09-20 08:07:20.070 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: farewell madam -Output Transcription: farewell madame -2021-09-20 08:07:20.070 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.500000 -2021-09-20 08:07:20.070 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: poor alice -Output Transcription: poor alice -2021-09-20 08:07:20.071 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:07:20.071 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: there just in front -Output Transcription: there just in front -2021-09-20 08:07:20.071 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:07:20.071 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: hans stirs not -Output Transcription: han stirs not -2021-09-20 08:07:20.072 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.333333 -2021-09-20 08:07:20.072 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: marie sighed -Output Transcription: marie's side -2021-09-20 08:07:20.072 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 1.000000 -2021-09-20 08:07:20.073 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: venice -Output Transcription: venice -2021-09-20 08:07:20.073 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:07:20.073 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: what was that -Output Transcription: what was that -2021-09-20 08:07:20.073 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:07:20.074 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: will you forgive me now -Output Transcription: will you forgive me now -2021-09-20 08:07:20.074 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:07:20.074 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: paul sticks to his theme -Output Transcription: pastes to his theme -2021-09-20 08:07:20.075 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.400000 -2021-09-20 08:07:20.075 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: ay me -Output Transcription: i me -2021-09-20 08:07:20.075 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.500000 -2021-09-20 08:07:20.076 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: there is no fear of that sir -Output Transcription: there's no fear of that sir -2021-09-20 08:07:20.077 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.285714 -2021-09-20 08:07:20.077 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: then she suddenly remarked -Output Transcription: then she suddenly remarked -2021-09-20 08:07:20.077 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:07:20.077 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i must know about you -Output Transcription: i must know about you -2021-09-20 08:07:20.078 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:07:20.078 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i delight in your kitchen -Output Transcription: my delight in your kitchen -2021-09-20 08:07:20.078 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.200000 -2021-09-20 08:07:20.079 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: thank you dorcas dear -Output Transcription: thank you darkest deer -2021-09-20 08:07:20.079 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.500000 -2021-09-20 08:07:20.079 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: explain yourself -Output Transcription: explain yourself -2021-09-20 08:07:20.080 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:07:20.080 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: he knows them both -Output Transcription: he knows them both -2021-09-20 08:07:20.080 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:07:20.080 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: you are positive then -Output Transcription: you are positive then -2021-09-20 08:07:20.081 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:07:20.081 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: it is annoyance then -Output Transcription: it is annoyance then -2021-09-20 08:07:20.081 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:07:20.081 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: it was written in latin -Output Transcription: it was written in latin -2021-09-20 08:07:20.082 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:07:20.082 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: have i told you about my new play -Output Transcription: have i told you about my new play -2021-09-20 08:07:20.083 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:07:20.083 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: where was the use of imagining -Output Transcription: where was the use of imagining -2021-09-20 08:07:20.083 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:07:20.084 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: suppose it's a friend -Output Transcription: suppose is a friend -2021-09-20 08:07:20.084 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.250000 -2021-09-20 08:07:20.085 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: that's the way of the world -Output Transcription: that's the way of the world -2021-09-20 08:07:20.085 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:07:20.085 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: experience proves this -Output Transcription: experience proves this -2021-09-20 08:07:20.086 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:07:20.086 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: we don't know where it will take us -Output Transcription: we don't know where it will take us -2021-09-20 08:07:20.086 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:07:20.087 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: only for a minute or so -Output Transcription: only for a minute or so -2021-09-20 08:07:20.087 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:07:20.088 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i will practice it -Output Transcription: i will practise it -2021-09-20 08:07:20.089 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.250000 -2021-09-20 08:07:20.089 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: but we're going just the same -Output Transcription: but we're going just the same -2021-09-20 08:07:20.089 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:07:20.090 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: phoenician very good -Output Transcription: phoenician very good -2021-09-20 08:07:20.090 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:07:20.091 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i named nine others and said -Output Transcription: i name nine others and said -2021-09-20 08:07:20.092 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.166667 -2021-09-20 08:07:20.092 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: won't you tell douglas -Output Transcription: won't you tell douglas -2021-09-20 08:07:20.092 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:07:20.093 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: no good my dear watson -Output Transcription: no good my dear watson -2021-09-20 08:07:20.093 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:07:20.093 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: at another time harald asked -Output Transcription: at another time harold asked -2021-09-20 08:07:20.094 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.200000 -2021-09-20 08:07:20.094 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: yes said rachel -Output Transcription: yes said rachel -2021-09-20 08:07:20.095 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:07:20.095 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: to morrow is the examination -Output Transcription: tomorrow is the examination -2021-09-20 08:07:20.096 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.400000 -2021-09-20 08:07:20.096 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the lad had checked him then -Output Transcription: the lad had checked him then -2021-09-20 08:07:20.097 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:07:20.097 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: squeak squeak -Output Transcription: squeak squeak -2021-09-20 08:07:20.097 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:07:20.098 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: he was the last to turn to christ -Output Transcription: he was the last to turn to christ -2021-09-20 08:07:20.098 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:07:20.099 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: probably not till the second post -Output Transcription: probably not til the second post -2021-09-20 08:07:20.100 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.166667 -2021-09-20 08:07:20.100 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: alexandra lets you sleep late -Output Transcription: alexander that you sleep late -2021-09-20 08:07:20.101 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.400000 -2021-09-20 08:07:20.102 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: it's a stock company and rich -Output Transcription: it's a stock company in rich -2021-09-20 08:07:20.102 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.166667 -2021-09-20 08:07:20.102 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: robin fitzooth -Output Transcription: robin fitz -2021-09-20 08:07:20.103 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.500000 -2021-09-20 08:07:20.103 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: and one more this morning -Output Transcription: and one more this morning -2021-09-20 08:07:20.103 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:07:20.104 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the room was empty when he entered -Output Transcription: the room was empty when he entered -2021-09-20 08:07:20.104 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:07:20.105 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: he put his shoes on the table -Output Transcription: he put his shoes on the table -2021-09-20 08:07:20.105 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:07:20.106 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i don't want to stand around and look on -Output Transcription: i don't mind to stand around a morgan -2021-09-20 08:07:20.107 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.444444 -2021-09-20 08:07:20.107 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: he could wait no longer -Output Transcription: he could wait no longer -2021-09-20 08:07:20.108 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:07:20.108 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i got in about ten minutes ago -Output Transcription: i got in about ten minutes ago -2021-09-20 08:07:20.109 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:07:20.109 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: oh bartley what am i to do -Output Transcription: how bartling what am i to do -2021-09-20 08:07:20.110 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.285714 -2021-09-20 08:07:20.111 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: she doesn't take up with anybody you know -Output Transcription: she doesn't take up with anybody you know -2021-09-20 08:07:20.111 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:07:20.111 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the work had to be condensed -Output Transcription: the work had to be condensed -2021-09-20 08:07:20.112 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:07:20.112 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the story's written -Output Transcription: the stories written -2021-09-20 08:07:20.112 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.333333 -2021-09-20 08:07:20.113 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: why are we to be divided -Output Transcription: why are we to be divided -2021-09-20 08:07:20.113 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:07:20.114 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: alexander did not sit down -Output Transcription: alexander did not sit down -2021-09-20 08:07:20.114 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:07:20.115 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: slang is odious -Output Transcription: slang is odious -2021-09-20 08:07:20.115 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:07:20.115 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i painted the eyes red for anger -Output Transcription: i painted the eyes red for anger -2021-09-20 08:07:20.116 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:07:20.116 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: he is but a boy the men said -Output Transcription: he is but a boy the man said -2021-09-20 08:07:20.118 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.125000 -2021-09-20 08:07:20.118 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i am very glad -Output Transcription: i am very glad -2021-09-20 08:07:20.118 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:07:20.119 | INFO | deepspeech2x.model:test:372 - Error rate [wer] (64/?) = 0.114865 -2021-09-20 08:07:21.687 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: fine glorious -Output Transcription: fine pores -2021-09-20 08:07:21.688 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.500000 -2021-09-20 08:07:21.689 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: eliza parsons shook her head -Output Transcription: eliza parsons shook her head -2021-09-20 08:07:21.689 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:07:21.689 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: all is said without a word -Output Transcription: all is said without a word -2021-09-20 08:07:21.690 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:07:21.690 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the woman seemed thoughtful -Output Transcription: the woman seemed thoughtful -2021-09-20 08:07:21.690 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:07:21.690 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: then the leader parted from the line -Output Transcription: then the leader parted from the line -2021-09-20 08:07:21.691 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:07:21.691 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: you don't seem to realize the position -Output Transcription: you don't seem to realize the position -2021-09-20 08:07:21.691 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:07:21.691 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: what is slang -Output Transcription: what is slang -2021-09-20 08:07:21.692 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:07:21.692 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: bring in the table we are hungry -Output Transcription: bring in the table we are hungry -2021-09-20 08:07:21.692 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:07:21.693 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i'll pay all the costs besides -Output Transcription: i'll pay all the cause besides -2021-09-20 08:07:21.693 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.166667 -2021-09-20 08:07:21.694 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: ain't they the greatest -Output Transcription: ain't they the greatest -2021-09-20 08:07:21.694 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:07:21.694 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: your mother the queen was standing by -Output Transcription: your mother the queen was standing by -2021-09-20 08:07:21.694 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:07:21.695 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: he makes it sort of cozier -Output Transcription: he makes it sort of cozier -2021-09-20 08:07:21.695 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:07:21.695 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: it is a duty said i -Output Transcription: it is a duty said i -2021-09-20 08:07:21.695 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:07:21.696 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: just close the door said holmes -Output Transcription: just closed the door said holmes -2021-09-20 08:07:21.696 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.166667 -2021-09-20 08:07:21.697 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i allude to the goddess -Output Transcription: i allude to the goddess -2021-09-20 08:07:21.697 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:07:21.697 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: now to bed boy -Output Transcription: now to bed boy -2021-09-20 08:07:21.697 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:07:21.698 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: so it is said anders -Output Transcription: so it is said anders -2021-09-20 08:07:21.698 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:07:21.698 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the former boolooroo groaned -Output Transcription: the former bore groaned -2021-09-20 08:07:21.699 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.250000 -2021-09-20 08:07:21.699 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: weren't you happy then at all -Output Transcription: weren't you happy then at all -2021-09-20 08:07:21.699 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:07:21.700 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: but that is kaffar's knife -Output Transcription: but that is cair's life -2021-09-20 08:07:21.700 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.400000 -2021-09-20 08:07:21.701 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: ham to be or not to be -Output Transcription: him to be or not to be -2021-09-20 08:07:21.701 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.142857 -2021-09-20 08:07:21.702 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: and how odd the directions will look -Output Transcription: and how odd the directions will look -2021-09-20 08:07:21.702 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:07:21.702 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: so we harried the coast of norway -Output Transcription: so we hurried the coast of norway -2021-09-20 08:07:21.703 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.142857 -2021-09-20 08:07:21.703 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: anders face grew red -Output Transcription: anders face grew red -2021-09-20 08:07:21.704 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:07:21.704 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: mister jago is an american philip -Output Transcription: is iago as an american philip -2021-09-20 08:07:21.705 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.500000 -2021-09-20 08:07:21.705 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: it will be no disappointment to me -Output Transcription: it'll be no disappointment to me -2021-09-20 08:07:21.707 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.285714 -2021-09-20 08:07:21.707 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: ah very well -Output Transcription: a very well -2021-09-20 08:07:21.707 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.333333 -2021-09-20 08:07:21.708 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the university -Output Transcription: the university -2021-09-20 08:07:21.708 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:07:21.709 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i don't anticipate -Output Transcription: i don't anticipate -2021-09-20 08:07:21.709 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:07:21.710 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: oh well sir what about him -Output Transcription: help well sir what about him -2021-09-20 08:07:21.710 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.166667 -2021-09-20 08:07:21.711 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: no more than the dancing -Output Transcription: no more than the dancing -2021-09-20 08:07:21.711 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:07:21.712 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: he's swiftly punished -Output Transcription: he is swiftly punished -2021-09-20 08:07:21.712 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.666667 -2021-09-20 08:07:21.713 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: if i feel that way i feel that way -Output Transcription: if i feel that way i feel that way -2021-09-20 08:07:21.713 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:07:21.714 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: yes don't you -Output Transcription: yes don't you -2021-09-20 08:07:21.714 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:07:21.714 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: look closely at life -Output Transcription: look closely at life -2021-09-20 08:07:21.715 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:07:21.715 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: you know captain lake -Output Transcription: you know captain lake -2021-09-20 08:07:21.715 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:07:21.716 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: poyser is not at home is he -Output Transcription: poyser is not at home as he -2021-09-20 08:07:21.717 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.142857 -2021-09-20 08:07:21.717 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: stephanos dedalos -Output Transcription: stefano delos -2021-09-20 08:07:21.718 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 1.000000 -2021-09-20 08:07:21.718 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: these he gave to three of my brothers -Output Transcription: these he gave to three of my brothers -2021-09-20 08:07:21.719 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:07:21.719 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: then he turned to me again frowning -Output Transcription: then he turned to me again frowning -2021-09-20 08:07:21.719 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:07:21.720 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: so it is with the lower animals -Output Transcription: so it is with the lower animals -2021-09-20 08:07:21.720 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:07:21.721 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: who touches me am i in bed -Output Transcription: taches me am i in bed -2021-09-20 08:07:21.721 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.285714 -2021-09-20 08:07:21.722 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i suppose that's the wet season too then -Output Transcription: i suppose that's the wet season too then -2021-09-20 08:07:21.722 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:07:21.723 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: he tried to think how it could be -Output Transcription: he tried to think how it could be -2021-09-20 08:07:21.723 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:07:21.724 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: he is the one with the worst record -Output Transcription: he is the one with the worst record -2021-09-20 08:07:21.724 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:07:21.724 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: that invitation decided her -Output Transcription: that invitation decided her -2021-09-20 08:07:21.725 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:07:21.725 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: but i stayed that spring and built me a boat -Output Transcription: but i stayed that spring and built me a boat -2021-09-20 08:07:21.726 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:07:21.726 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: no its not too soon -Output Transcription: no it's not you soon -2021-09-20 08:07:21.727 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.400000 -2021-09-20 08:07:21.728 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: relapses into silence for the rest of the evening -Output Transcription: relapses into sins for the rest of the inning -2021-09-20 08:07:21.729 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.222222 -2021-09-20 08:07:21.730 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: he acts as though he had not expected us -Output Transcription: he acted to he's not expected us -2021-09-20 08:07:21.731 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.555556 -2021-09-20 08:07:21.731 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: enter lord arthur fluffinose -Output Transcription: entered lord arthur poteet -2021-09-20 08:07:21.732 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.500000 -2021-09-20 08:07:21.732 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: will the hurons hear his groans -Output Transcription: will the herons here his groans -2021-09-20 08:07:21.733 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.333333 -2021-09-20 08:07:21.733 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: how did her mother ever let her go -Output Transcription: how did her mother ever let her go -2021-09-20 08:07:21.734 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:07:21.734 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: you are acute -Output Transcription: you are acute -2021-09-20 08:07:21.735 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:07:21.735 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: spinning indeed -Output Transcription: spinning indeed -2021-09-20 08:07:21.736 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:07:21.736 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: to day i shouted -Output Transcription: today i shouted -2021-09-20 08:07:21.737 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.500000 -2021-09-20 08:07:21.737 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: after all we were awfully young -Output Transcription: after all we were awfully long -2021-09-20 08:07:21.738 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.166667 -2021-09-20 08:07:21.738 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: and all the brethren which are with me -Output Transcription: and all the brethren which are with me -2021-09-20 08:07:21.739 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:07:21.739 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: somehow i had grown nervous -Output Transcription: somehow i had grown nervous -2021-09-20 08:07:21.740 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:07:21.740 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the captain shook his head -Output Transcription: the captain shook his head -2021-09-20 08:07:21.740 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:07:21.741 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: so it seems to me -Output Transcription: so it seems to me -2021-09-20 08:07:21.741 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:07:21.741 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: mister ottley's indeed -Output Transcription: mister outlays indeed -2021-09-20 08:07:21.742 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.333333 -2021-09-20 08:07:21.742 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: she has been dead these twenty years -Output Transcription: she has been dead these twenty years -2021-09-20 08:07:21.742 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:07:21.743 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: he only shook his head -Output Transcription: he only shook his head -2021-09-20 08:07:21.743 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:07:21.744 | INFO | deepspeech2x.model:test:372 - Error rate [wer] (128/?) = 0.112135 -2021-09-20 08:07:22.995 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the count shook his head -Output Transcription: the count shook his head -2021-09-20 08:07:22.996 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:07:22.996 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: she gathered up her reins -Output Transcription: she gathered up her reins -2021-09-20 08:07:22.996 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:07:22.997 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: ocean reigned supreme -Output Transcription: ocean reigned supreme -2021-09-20 08:07:22.997 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:07:22.997 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: why should he not be as other men -Output Transcription: why should he not be as other men -2021-09-20 08:07:22.997 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:07:22.998 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i get nothing but misery out of either -Output Transcription: i get nothing but misery out of either -2021-09-20 08:07:22.998 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:07:22.998 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i'm glad she's held her own since -Output Transcription: i'm glad she held her own sense -2021-09-20 08:07:22.999 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.285714 -2021-09-20 08:07:22.999 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i have my own reasons mister marshall -Output Transcription: i have my own reasons mister marshall -2021-09-20 08:07:23.000 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:07:23.000 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the variability of multiple parts -Output Transcription: the variability of multiple parts -2021-09-20 08:07:23.000 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:07:23.000 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: never that sir he had said -Output Transcription: never that sir he had said -2021-09-20 08:07:23.001 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:07:23.001 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: almost instantly he was forced to the top -Output Transcription: almost instantly was forced to the top -2021-09-20 08:07:23.002 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.125000 -2021-09-20 08:07:23.002 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: and love be false -Output Transcription: and love be false -2021-09-20 08:07:23.002 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:07:23.003 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the chair was empty but he knew -Output Transcription: the chair was empty when he knew -2021-09-20 08:07:23.004 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.142857 -2021-09-20 08:07:23.004 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i boldly lighted my cheroot -Output Transcription: i boldly lighted my to root -2021-09-20 08:07:23.005 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.400000 -2021-09-20 08:07:23.005 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i know he had it this very evening -Output Transcription: i know he had it this very evening -2021-09-20 08:07:23.005 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:07:23.006 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: but now nothing could hold me back -Output Transcription: but now nothing could hold me back -2021-09-20 08:07:23.006 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:07:23.006 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: have i told the truth mister gilchrist -Output Transcription: have i told the truth mister gilchrist -2021-09-20 08:07:23.006 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:07:23.007 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: liter roughly one quart -Output Transcription: later roughly one court -2021-09-20 08:07:23.007 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.500000 -2021-09-20 08:07:23.007 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: it was the beauty of it -Output Transcription: it was the beauty of it -2021-09-20 08:07:23.008 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:07:23.008 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: we're leaving on the abraham lincoln -Output Transcription: re leaving on the abraham lincoln -2021-09-20 08:07:23.009 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.166667 -2021-09-20 08:07:23.009 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: if i can get patients -Output Transcription: if i can get patience -2021-09-20 08:07:23.010 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.200000 -2021-09-20 08:07:23.010 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: it spoils one's best work -Output Transcription: it spoils one's best work -2021-09-20 08:07:23.010 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:07:23.010 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: yes rachel i do love you -Output Transcription: yes rachel i do love you -2021-09-20 08:07:23.011 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:07:23.011 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: you know him i think so -Output Transcription: you know him i think so -2021-09-20 08:07:23.011 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:07:23.011 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: mother dear father do you hear me -Output Transcription: mother dear father do you hear me -2021-09-20 08:07:23.011 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:07:23.012 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i didn't preach without direction -Output Transcription: i didn't preach without direction -2021-09-20 08:07:23.012 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:07:23.013 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the problem was solved -Output Transcription: the problem was solved -2021-09-20 08:07:23.013 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:07:23.013 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: he nods his consent -Output Transcription: he gnawed his consent -2021-09-20 08:07:23.015 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.250000 -2021-09-20 08:07:23.015 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: it's tremendously well put on too -Output Transcription: it's tremendously well put on to -2021-09-20 08:07:23.016 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.166667 -2021-09-20 08:07:23.016 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: this is our last feast with you i said -Output Transcription: this is our last feast with you i said -2021-09-20 08:07:23.017 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:07:23.017 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: oh but i'm glad to get this place mowed -Output Transcription: oh but i'm glad to get this place mode -2021-09-20 08:07:23.019 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.111111 -2021-09-20 08:07:23.019 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: we never had so many of them in here before -Output Transcription: we never had so many of them in here before -2021-09-20 08:07:23.019 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:07:23.021 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: there are few changes in the old quarter -Output Transcription: there are a few changes in the old quarter -2021-09-20 08:07:23.022 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.125000 -2021-09-20 08:07:23.022 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the housekeeper led the way and beth followed -Output Transcription: the housekeeper led the way and beth followed -2021-09-20 08:07:23.023 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:07:23.023 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: she pressed his hand gently in gratitude -Output Transcription: she pressed his hand gently in gratitude -2021-09-20 08:07:23.023 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:07:23.024 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: then he comes to the beak of it -Output Transcription: then he comes to the beak of -2021-09-20 08:07:23.025 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.125000 -2021-09-20 08:07:23.025 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: so i did push this fellow -Output Transcription: so i did push this fellow -2021-09-20 08:07:23.026 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:07:23.027 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i want double nine hal lo -Output Transcription: i want double nine hello -2021-09-20 08:07:23.027 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.333333 -2021-09-20 08:07:23.028 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: when i addressed him he answered constrainedly -Output Transcription: when i addressed him he answered constrain ly -2021-09-20 08:07:23.029 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.285714 -2021-09-20 08:07:23.029 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: fathom six feet -Output Transcription: fathom six feet -2021-09-20 08:07:23.030 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:07:23.030 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i was afraid it was nearer home -Output Transcription: i was afraid it was nearer home -2021-09-20 08:07:23.031 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:07:23.031 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: frankly i cannot always say -Output Transcription: frankly i cannot always say -2021-09-20 08:07:23.032 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:07:23.032 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: but there seemed no reason to fear -Output Transcription: but there seemed no reason to fear -2021-09-20 08:07:23.033 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:07:23.033 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: that's what you'd like to be doing is it -Output Transcription: that's what you'd like to be doing is it -2021-09-20 08:07:23.033 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:07:23.034 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: and anyhow there's nothing to understand -Output Transcription: and any how there's nothing to understand -2021-09-20 08:07:23.035 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.333333 -2021-09-20 08:07:23.035 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: bartley bent lower over the fire -Output Transcription: partly bent lowered over the fire -2021-09-20 08:07:23.036 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.333333 -2021-09-20 08:07:23.036 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: she was alone that night -Output Transcription: she was alone that night -2021-09-20 08:07:23.037 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:07:23.037 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the three modes of management -Output Transcription: the three modes of management -2021-09-20 08:07:23.038 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:07:23.038 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i give my consent -Output Transcription: i give my consent -2021-09-20 08:07:23.039 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:07:23.039 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: conseil was my manservant -Output Transcription: conseil was my manservant -2021-09-20 08:07:23.039 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:07:23.040 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: at any rate i say go -Output Transcription: at any rate i say go -2021-09-20 08:07:23.040 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:07:23.041 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i hanna common patience with you -Output Transcription: i had a common patience with you -2021-09-20 08:07:23.042 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.333333 -2021-09-20 08:07:23.042 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: been looking up tooms county -Output Transcription: ten looking up tombs county -2021-09-20 08:07:23.043 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.400000 -2021-09-20 08:07:23.043 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the indian i also thought nothing of -Output Transcription: the indian i also thought nothing of -2021-09-20 08:07:23.044 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:07:23.044 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: but it's worse now it's unbearable -Output Transcription: but it's worse now it's unbearable -2021-09-20 08:07:23.045 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:07:23.045 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i wish i knew myself she cried fiercely -Output Transcription: i wish i knew myself she cried fiercely -2021-09-20 08:07:23.045 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:07:23.046 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: paul came later and is beneath us -Output Transcription: talking later in his beneath us -2021-09-20 08:07:23.047 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.571429 -2021-09-20 08:07:23.047 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: that is comparatively nothing -Output Transcription: that is comparatively nothing -2021-09-20 08:07:23.048 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:07:23.048 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the foul mouthed fellow at the top -Output Transcription: the foul mouthed fellow at the top -2021-09-20 08:07:23.048 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:07:23.049 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: tied to a woman -Output Transcription: tide to a woman -2021-09-20 08:07:23.050 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.250000 -2021-09-20 08:07:23.050 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: cotton she paused -Output Transcription: cotton she paused -2021-09-20 08:07:23.050 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:07:23.051 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: and it ruins a man's disposition -Output Transcription: and it runs a man's disposition -2021-09-20 08:07:23.051 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.166667 -2021-09-20 08:07:23.052 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i can't stand seeing you miserable -Output Transcription: i can't stand seeing you miserable -2021-09-20 08:07:23.052 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:07:23.053 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: it will be such a satisfaction -Output Transcription: it will be such a satisfaction -2021-09-20 08:07:23.054 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:07:23.054 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: o love o troth -Output Transcription: o love o troth -2021-09-20 08:07:23.054 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:07:23.055 | INFO | deepspeech2x.model:test:372 - Error rate [wer] (192/?) = 0.102021 -2021-09-20 08:07:24.452 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: that is very important said holmes -Output Transcription: that is very importance and holmes -2021-09-20 08:07:24.453 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.333333 -2021-09-20 08:07:24.455 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: and would he not be a good gift for our baby -Output Transcription: and would he not be a good gift for baby -2021-09-20 08:07:24.456 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.090909 -2021-09-20 08:07:24.456 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: her eyes wandered to the maid's hands -Output Transcription: her eyes wandered to the maid's hand -2021-09-20 08:07:24.457 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.142857 -2021-09-20 08:07:24.457 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the letter ran as follows -Output Transcription: the letter ran as follows -2021-09-20 08:07:24.458 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:07:24.458 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the call is not to be taken lightly -Output Transcription: the call is not to be taken lightly -2021-09-20 08:07:24.458 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:07:24.458 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: chapter seven on the races of man -Output Transcription: chapter seven on the races of man -2021-09-20 08:07:24.459 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:07:24.459 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i've seen lots of that kind in my day -Output Transcription: i've seen lots of that kind in my day -2021-09-20 08:07:24.459 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:07:24.459 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: my position was too terrible -Output Transcription: my position was too terrible -2021-09-20 08:07:24.460 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:07:24.460 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: my men pounded the table with their fists -Output Transcription: my men pounded the table with their fists -2021-09-20 08:07:24.460 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:07:24.461 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: and then what happens then -Output Transcription: and then what happens the -2021-09-20 08:07:24.461 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.200000 -2021-09-20 08:07:24.461 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: you propose to kidnap me i said -Output Transcription: you propose to kidnap me i said -2021-09-20 08:07:24.462 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:07:24.462 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: during his watch i slept -Output Transcription: during his watch i slept -2021-09-20 08:07:24.462 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:07:24.462 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: rest and be still until i warn you -Output Transcription: rest and be still until i warn you -2021-09-20 08:07:24.462 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:07:24.463 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: and you never used to be cross to me -Output Transcription: and he never used to be cross to me -2021-09-20 08:07:24.464 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.111111 -2021-09-20 08:07:24.465 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: ay and show you some pretty tricks -Output Transcription: i and show you some pretty tricks -2021-09-20 08:07:24.465 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.142857 -2021-09-20 08:07:24.466 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: were i but already on the cart -Output Transcription: were i but already on the cart -2021-09-20 08:07:24.466 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:07:24.466 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: when he finished she said cheerfully -Output Transcription: when he finished she said cheerfully -2021-09-20 08:07:24.467 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:07:24.467 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i say i've been wondering about this business -Output Transcription: i say i've been wondering about this business -2021-09-20 08:07:24.467 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:07:24.468 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: you're foolish why should you do all this -Output Transcription: your foolish why should you do all this -2021-09-20 08:07:24.468 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.125000 -2021-09-20 08:07:24.469 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: then all our good times are over -Output Transcription: then all our good times are over -2021-09-20 08:07:24.469 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:07:24.469 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: sunday august sixteenth -Output Transcription: sunday august sixteen -2021-09-20 08:07:24.470 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.333333 -2021-09-20 08:07:24.470 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: now let's dust the furniture and pictures -Output Transcription: knowles dust the furniture and pictures -2021-09-20 08:07:24.471 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.285714 -2021-09-20 08:07:24.471 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: said lord chelford addressing me -Output Transcription: said lord chelford addressing me -2021-09-20 08:07:24.471 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:07:24.472 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: then he tossed it down and seized the next -Output Transcription: then he tossed it down and seized the next -2021-09-20 08:07:24.472 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:07:24.472 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: chapter one origin -Output Transcription: chapter one origin -2021-09-20 08:07:24.472 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:07:24.473 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: and he deserves a term in state's prison -Output Transcription: and he deserves determined states prison -2021-09-20 08:07:24.474 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.500000 -2021-09-20 08:07:24.475 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: your power is sufficient i said -Output Transcription: your power is sufficient i said -2021-09-20 08:07:24.475 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:07:24.475 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: a little attack of nerves possibly -Output Transcription: a little attack of nerves possibly -2021-09-20 08:07:24.475 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:07:24.477 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: did you look at these papers on the table -Output Transcription: did you look at the papers on the table -2021-09-20 08:07:24.478 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.111111 -2021-09-20 08:07:24.478 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: we suffer stifling pains -Output Transcription: we suffer stifling pains -2021-09-20 08:07:24.479 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:07:24.479 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: at your service sir -Output Transcription: at your service sir -2021-09-20 08:07:24.479 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:07:24.480 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: cries of a nottingham a nottingham -Output Transcription: cries of nottingham in nottingham -2021-09-20 08:07:24.481 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.333333 -2021-09-20 08:07:24.481 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: this evening they all said -Output Transcription: this evening they all said -2021-09-20 08:07:24.481 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:07:24.482 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: but it can't be protested the girl -Output Transcription: but it can't be protested the girl -2021-09-20 08:07:24.482 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:07:24.482 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: don't cry don't cry he whispered -Output Transcription: don't cry don't cry he whispered -2021-09-20 08:07:24.483 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:07:24.484 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: take him out thorkel and let him taste your sword -Output Transcription: take him out take and let him taste your sword -2021-09-20 08:07:24.485 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.100000 -2021-09-20 08:07:24.485 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: he's not a man for country quarters -Output Transcription: he's not a man for country quarters -2021-09-20 08:07:24.486 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:07:24.487 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the greeting of the apostle is refreshing -Output Transcription: the greeting of the apostles refreshing -2021-09-20 08:07:24.487 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.285714 -2021-09-20 08:07:24.488 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: have you been in paris much these late years -Output Transcription: have you been in paris much these late years -2021-09-20 08:07:24.488 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:07:24.489 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: if spoken to she would not speak again -Output Transcription: if spoken to she would not speak again -2021-09-20 08:07:24.489 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:07:24.490 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: he could examine the papers in his own office -Output Transcription: he could examine the papers in his own office -2021-09-20 08:07:24.490 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:07:24.490 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: slang makes one shudder -Output Transcription: slang makes one shudder -2021-09-20 08:07:24.491 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:07:24.491 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: she was so strange and human a creature -Output Transcription: she was so strange and human creature -2021-09-20 08:07:24.492 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.125000 -2021-09-20 08:07:24.493 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: we've tortured each other enough for tonight -Output Transcription: with tortured each other enough for tonight -2021-09-20 08:07:24.494 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.142857 -2021-09-20 08:07:24.494 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: we ate at many men's tables uninvited -Output Transcription: we ate it many men's tables uninvited -2021-09-20 08:07:24.495 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.142857 -2021-09-20 08:07:24.496 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: yes it is suppressed -Output Transcription: yes it is suppressed -2021-09-20 08:07:24.496 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:07:24.497 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: and what through the left hand window -Output Transcription: and what through the left hand window -2021-09-20 08:07:24.497 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:07:24.497 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: thee study medicine -Output Transcription: the study medicine -2021-09-20 08:07:24.498 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.333333 -2021-09-20 08:07:24.499 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: miss lake declined the carriage to night -Output Transcription: miss lake declined the carriage tonight -2021-09-20 08:07:24.499 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.285714 -2021-09-20 08:07:24.500 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: but who is this fellow plucking at your sleeve -Output Transcription: but who's this fellow pluck at steve -2021-09-20 08:07:24.501 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.555556 -2021-09-20 08:07:24.501 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: and yet what a fine gallant lad -Output Transcription: and yet what a fine gallant lad -2021-09-20 08:07:24.502 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:07:24.502 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: there was no man sir -Output Transcription: there was no man sir -2021-09-20 08:07:24.503 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:07:24.503 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: but you know more about that than i do sir -Output Transcription: but you know more about that than i do sir -2021-09-20 08:07:24.504 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:07:24.504 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the scene is absolutely arcadian -Output Transcription: the scene is absolutely arcadian -2021-09-20 08:07:24.504 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:07:24.505 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: comb the wool for the whittaws indeed -Output Transcription: come the wool for the widows indeed -2021-09-20 08:07:24.506 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.285714 -2021-09-20 08:07:24.506 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i'm not electioneering just now -Output Transcription: i'm not electioneering just now -2021-09-20 08:07:24.507 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:07:24.507 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: yes hilda i know that he said simply -Output Transcription: yes held i know that he said simply -2021-09-20 08:07:24.508 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.125000 -2021-09-20 08:07:24.509 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: she found the door but it was locked outside -Output Transcription: she found the door but it was locked outside -2021-09-20 08:07:24.509 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:07:24.510 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: sorry we haven't any reception room in the jail -Output Transcription: sorry we haven't any reception room in the jail -2021-09-20 08:07:24.510 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:07:24.510 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: what already here they said to her -Output Transcription: what already here they said to her -2021-09-20 08:07:24.511 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:07:24.511 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: what do you mean inquired louis -Output Transcription: what do you mean inquired louise -2021-09-20 08:07:24.512 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.166667 -2021-09-20 08:07:24.512 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: quite satisfied said eva -Output Transcription: quite satisfied said eva -2021-09-20 08:07:24.513 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:07:24.513 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: now mister soames at your disposal -Output Transcription: now mister sales at your disposal -2021-09-20 08:07:24.514 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.166667 -2021-09-20 08:07:24.515 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: he never loses sight of the purpose of his epistle -Output Transcription: he never loses sight of the purpose of his epistle -2021-09-20 08:07:24.515 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:07:24.516 | INFO | deepspeech2x.model:test:372 - Error rate [wer] (256/?) = 0.097015 -2021-09-20 08:07:26.045 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: no said the tree -Output Transcription: no said the tree -2021-09-20 08:07:26.046 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:07:26.046 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: it was in fact the best weapon of its day -Output Transcription: it was in fact the best weapon of its day -2021-09-20 08:07:26.046 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:07:26.047 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: hello bertie any good in your mind -Output Transcription: elbert and good in your mind -2021-09-20 08:07:26.048 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.428571 -2021-09-20 08:07:26.048 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: for a person to possess knowledge is not enough -Output Transcription: for a person to possess knowledge is not enough -2021-09-20 08:07:26.049 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:07:26.049 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: mohammed also speaks highly of christ -Output Transcription: mohammed also speaks highly of christ -2021-09-20 08:07:26.049 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:07:26.049 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: surely we can submit with good grace -Output Transcription: surely we can submit with good grace -2021-09-20 08:07:26.050 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:07:26.050 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: what in the world is that queried joyce -Output Transcription: where in the world is a query choice -2021-09-20 08:07:26.051 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.500000 -2021-09-20 08:07:26.051 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: by reason and affection -Output Transcription: by reason and affection -2021-09-20 08:07:26.052 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:07:26.052 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: it was almost the tone of hope everybody will stay -Output Transcription: it was almost the tone of hope everybody will stay -2021-09-20 08:07:26.052 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:07:26.052 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: it's almost beyond conjecture -Output Transcription: it's almost beyond conjecture -2021-09-20 08:07:26.053 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:07:26.053 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i asked for commander farragut -Output Transcription: i asked her commander fargo -2021-09-20 08:07:26.053 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.400000 -2021-09-20 08:07:26.054 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: asked the voice in scornful accents -Output Transcription: asked the voice in scornful accents -2021-09-20 08:07:26.054 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:07:26.054 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the history of the house is plain now -Output Transcription: the history of the house is plain now -2021-09-20 08:07:26.055 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:07:26.055 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: above were three students one on each story -Output Transcription: above or three students one on each story -2021-09-20 08:07:26.056 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.125000 -2021-09-20 08:07:26.056 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: she is wild to know how to do things -Output Transcription: she is wild to know how to do things -2021-09-20 08:07:26.057 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:07:26.057 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: he clasped his hands on the desk and said -Output Transcription: he clasped his hands on the desk and said -2021-09-20 08:07:26.057 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:07:26.057 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: oh i've no doubt it's in capital order -Output Transcription: oh i've no doubt it's in capital order -2021-09-20 08:07:26.058 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:07:26.058 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the waves rise above our heads -Output Transcription: the waves rise above our heads -2021-09-20 08:07:26.058 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:07:26.059 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: not all the galatians had become perverted -Output Transcription: not all the elections had become perverted -2021-09-20 08:07:26.059 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.142857 -2021-09-20 08:07:26.060 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: miss milner's health is not good -Output Transcription: miss milner's health is not good -2021-09-20 08:07:26.060 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:07:26.060 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: to their sorrow they were soon undeceived -Output Transcription: to their sorrow they were soon and deceived -2021-09-20 08:07:26.061 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.285714 -2021-09-20 08:07:26.061 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: beware of making that mistake -Output Transcription: beware of making that mistake -2021-09-20 08:07:26.062 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:07:26.062 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i wonder if i've been changed in the night -Output Transcription: i wonder i've been changed in the night -2021-09-20 08:07:26.063 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.111111 -2021-09-20 08:07:26.064 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: this decision was communicated to the girls -Output Transcription: this decision was communicated to the girls -2021-09-20 08:07:26.064 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:07:26.064 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: make acquaintance with mister jago sit together -Output Transcription: make acquaintance with miss iago sit together -2021-09-20 08:07:26.065 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.285714 -2021-09-20 08:07:26.065 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: but i mean to have my innings before long -Output Transcription: but i mean to have my innings before long -2021-09-20 08:07:26.066 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:07:26.066 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: it was myself i was defying hilda -Output Transcription: it was myself i was defying helder -2021-09-20 08:07:26.068 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.142857 -2021-09-20 08:07:26.068 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: and then there was broad street -Output Transcription: and then there was broad street -2021-09-20 08:07:26.068 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:07:26.069 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: may we see gates at once asked kenneth -Output Transcription: maybe see gates at once asked kenneth -2021-09-20 08:07:26.070 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.250000 -2021-09-20 08:07:26.070 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: why should one halt on the way -Output Transcription: why should one hold on the way -2021-09-20 08:07:26.072 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.142857 -2021-09-20 08:07:26.072 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: a route slightly less direct that's all -Output Transcription: a rate slightly less direct that's all -2021-09-20 08:07:26.073 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.142857 -2021-09-20 08:07:26.074 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the top floor belongs to miles mc laren -Output Transcription: the top floor belongs to miles mcclaren -2021-09-20 08:07:26.075 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.250000 -2021-09-20 08:07:26.075 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: how jolly it was being young hilda -Output Transcription: how jolly it was being young hilda -2021-09-20 08:07:26.076 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:07:26.076 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i think we did she answered demurely -Output Transcription: i think we did she answered to merely -2021-09-20 08:07:26.077 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.285714 -2021-09-20 08:07:26.078 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: no my little son she said -Output Transcription: no my little fun she said -2021-09-20 08:07:26.079 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.166667 -2021-09-20 08:07:26.079 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i was absent rather more than an hour -Output Transcription: i was absent rather more than an hour -2021-09-20 08:07:26.079 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:07:26.080 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: all the furniture belonged to other times -Output Transcription: all the furniture belonged to other times -2021-09-20 08:07:26.080 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:07:26.081 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: we have a commander who's game for anything -Output Transcription: we have a commander whose game for anything -2021-09-20 08:07:26.082 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.125000 -2021-09-20 08:07:26.082 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i never had any family -Output Transcription: i never had any family -2021-09-20 08:07:26.083 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:07:26.083 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: it won't be much but i'm grateful to find a friend -Output Transcription: it won't be much but i'm grateful to find a friend -2021-09-20 08:07:26.083 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:07:26.084 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: why fades the lotus of the water -Output Transcription: why fades the lotus of the water -2021-09-20 08:07:26.084 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:07:26.085 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: he hung fire again a woman's -Output Transcription: he hung fire again a woman's -2021-09-20 08:07:26.085 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:07:26.085 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: she was here just now said the count -Output Transcription: she was here just now said the count -2021-09-20 08:07:26.086 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:07:26.087 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: they of course must all be altered -Output Transcription: they of course must all be author -2021-09-20 08:07:26.087 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.142857 -2021-09-20 08:07:26.088 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the thralls were bringing in a great pot of meat -Output Transcription: the thralls were ringing in a great pot of meat -2021-09-20 08:07:26.090 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.100000 -2021-09-20 08:07:26.091 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: for once in a way i proved a true prophet -Output Transcription: for once a way i proved a true profit -2021-09-20 08:07:26.092 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.200000 -2021-09-20 08:07:26.092 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: have you not met them anywhere -Output Transcription: have you not met them anywhere -2021-09-20 08:07:26.093 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:07:26.093 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: cried the ladies whose departure had been fixed -Output Transcription: cried the ladies whose departure had been fixed -2021-09-20 08:07:26.094 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:07:26.095 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: that time it pointed us into your father's ships -Output Transcription: that time it points into your father's ships -2021-09-20 08:07:26.095 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.222222 -2021-09-20 08:07:26.096 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: it will not be safe for you to stay here now -Output Transcription: it will not be safe for you to stay here now -2021-09-20 08:07:26.096 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:07:26.096 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: but his mother hugged him close -Output Transcription: but his mother hugged him close -2021-09-20 08:07:26.097 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:07:26.098 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: if mister soames saw them the game was up -Output Transcription: if mister holmes saw them the game was up -2021-09-20 08:07:26.099 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.111111 -2021-09-20 08:07:26.100 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: and she was very fond of you too aunt rachel -Output Transcription: and she was very fond of you too aunt rachel -2021-09-20 08:07:26.100 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:07:26.100 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i want to be doing something on my own account -Output Transcription: i want to be doing something on my own account -2021-09-20 08:07:26.101 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:07:26.102 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: he had his hand upon lake's shoulder -Output Transcription: he had his hand upon lakes shoulder -2021-09-20 08:07:26.102 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.142857 -2021-09-20 08:07:26.103 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: how came you to leave the key in the door -Output Transcription: how came you to leave the key in the door -2021-09-20 08:07:26.103 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:07:26.104 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: montfichet called out for robin to give him an arm -Output Transcription: montrachet called out for robin to give him an arm -2021-09-20 08:07:26.106 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.100000 -2021-09-20 08:07:26.106 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: ah the swamp the cruel swamp -Output Transcription: ah the swamp the cruel swamp -2021-09-20 08:07:26.106 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:07:26.107 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: there is nothing else that looks so jolly -Output Transcription: there's nothing else that looks so jolly -2021-09-20 08:07:26.108 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.250000 -2021-09-20 08:07:26.108 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: yes why not thought anders -Output Transcription: yes why not thought anders -2021-09-20 08:07:26.109 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:07:26.109 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: and these shall follow your thralls in the same way -Output Transcription: and these shall follow your thralls in the same way -2021-09-20 08:07:26.109 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:07:26.110 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: now what have you to say cynthia sprague -Output Transcription: now what have you to say cynthia bragg -2021-09-20 08:07:26.111 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.125000 -2021-09-20 08:07:26.111 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: a broken tip of lead was lying there also -Output Transcription: a broken tip of lead was lying there also -2021-09-20 08:07:26.112 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:07:26.112 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: she's going to put the ironing things away -Output Transcription: she's going to put the ironing things away -2021-09-20 08:07:26.113 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:07:26.114 | INFO | deepspeech2x.model:test:372 - Error rate [wer] (320/?) = 0.092905 -2021-09-20 08:07:28.418 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: so i set guards over every one in that house -Output Transcription: do i set guards over everyone in that house -2021-09-20 08:07:28.420 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.300000 -2021-09-20 08:07:28.421 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: what i say is altogether on your own account -Output Transcription: what i say is altogether on your own account -2021-09-20 08:07:28.421 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:07:28.422 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i never knew your equals for gallowsness -Output Transcription: i never knew your equals for gallows ness -2021-09-20 08:07:28.422 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.285714 -2021-09-20 08:07:28.423 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: mister popham laid down his brush -Output Transcription: mister popham laid down his brush -2021-09-20 08:07:28.423 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:07:28.424 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: lady larkspur starts suddenly and turns towards him -Output Transcription: lady large burster suddenly in transport him -2021-09-20 08:07:28.425 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.625000 -2021-09-20 08:07:28.425 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: was it not enough to say from god the father -Output Transcription: was it not enough to say from god the father -2021-09-20 08:07:28.425 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:07:28.425 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: is it better than anywhere else -Output Transcription: is it better than anywhere else -2021-09-20 08:07:28.426 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:07:28.426 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: she sent me the pages in question before she died -Output Transcription: she sent me the pages in question before she died -2021-09-20 08:07:28.426 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:07:28.426 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: ye may not see his worship now -Output Transcription: ye may not see his worship now -2021-09-20 08:07:28.427 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:07:28.427 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: he had broken into her courtyard -Output Transcription: he had broken into her courtyard -2021-09-20 08:07:28.427 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:07:28.427 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: to the best of my belief they were rolled up -Output Transcription: to the best of my belief they were rolled up -2021-09-20 08:07:28.428 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:07:28.428 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: look at that he held out his hand -Output Transcription: look at that he held out his hand -2021-09-20 08:07:28.428 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:07:28.428 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: he dropped a handful into her lap -Output Transcription: he dropped a handful into her lap -2021-09-20 08:07:28.429 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:07:28.429 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i shall call you esprit -Output Transcription: i shall call you a spree -2021-09-20 08:07:28.430 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.400000 -2021-09-20 08:07:28.431 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: then is the time to introduce a meal on the stage -Output Transcription: then is the time to introduce a melon the stage -2021-09-20 08:07:28.432 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.181818 -2021-09-20 08:07:28.433 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i've been ready to go anywhere for six months -Output Transcription: i'm ready to go anywhere for six months -2021-09-20 08:07:28.434 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.222222 -2021-09-20 08:07:28.434 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: she was tired of other things -Output Transcription: she was tired of other things -2021-09-20 08:07:28.434 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:07:28.434 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: in the meantime i had formed a new idea of her -Output Transcription: in the meantime i had formed a new idea of her -2021-09-20 08:07:28.435 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:07:28.435 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i never see lou's scythe over here -Output Transcription: i never see loose sighed over here -2021-09-20 08:07:28.436 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.285714 -2021-09-20 08:07:28.436 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: how may we obtain remission of our sins -Output Transcription: how may we obtain remission of our sins -2021-09-20 08:07:28.437 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:07:28.438 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i'm afraid i don't know much about the land of oz -Output Transcription: i'm afraid i don't know much about the land of us -2021-09-20 08:07:28.439 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.090909 -2021-09-20 08:07:28.439 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: alexander went over and opened the window for her -Output Transcription: alexander went over and opened the window for her -2021-09-20 08:07:28.440 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:07:28.440 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: you will take me on board count will you not -Output Transcription: you will take me on board count will you not -2021-09-20 08:07:28.440 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:07:28.440 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: may you drink heart's ease from it for many years -Output Transcription: may you drink heart's ease from it for many years -2021-09-20 08:07:28.441 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:07:28.441 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: now the object of this soliloquy is plain -Output Transcription: now the object of this soliloquy is plain -2021-09-20 08:07:28.441 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:07:28.442 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: o life of this our spring -Output Transcription: o life of this our spring -2021-09-20 08:07:28.443 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:07:28.443 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: gloves said the young man -Output Transcription: gloves said the young man -2021-09-20 08:07:28.443 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:07:28.444 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: some others too big cotton county -Output Transcription: some others too big cotton county -2021-09-20 08:07:28.444 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:07:28.445 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: each of us is lashed to some part of the raft -Output Transcription: each of us is lashed to some part of the raft -2021-09-20 08:07:28.445 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:07:28.446 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: now she put her hand on his arm and smiled and said -Output Transcription: now she put her hand on his arm and smiled and said -2021-09-20 08:07:28.446 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:07:28.447 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: but i shall tell only one story -Output Transcription: but i shall tell only one story -2021-09-20 08:07:28.447 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:07:28.449 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: he's been wanting to marry hilda these three years and more -Output Transcription: he's been wanted to marry held of his three years and more -2021-09-20 08:07:28.450 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.363636 -2021-09-20 08:07:28.452 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: he took her roughly in his arms do you know what i mean -Output Transcription: he took a roughly in his arms you know what i mean -2021-09-20 08:07:28.454 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.153846 -2021-09-20 08:07:28.455 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: and god the father who raised him from the dead -Output Transcription: in god the father who raised him from the dead -2021-09-20 08:07:28.456 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.100000 -2021-09-20 08:07:28.457 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: beth uneasy at his silence nudged him -Output Transcription: beth uneasy at his silence nudged him -2021-09-20 08:07:28.457 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:07:28.457 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: sir march sixteenth -Output Transcription: sir march sixteenth -2021-09-20 08:07:28.458 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:07:28.459 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: who began the quarrel was it the mormons -Output Transcription: who began the quarrel was of the mormons -2021-09-20 08:07:28.459 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.125000 -2021-09-20 08:07:28.460 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: thus in chaucer's dream -Output Transcription: thus in chaucer's dream -2021-09-20 08:07:28.460 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:07:28.461 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: silence you knave cried montfichet -Output Transcription: silence you knave cried mountfitchet -2021-09-20 08:07:28.462 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.200000 -2021-09-20 08:07:28.462 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: it is the language of wretchedness -Output Transcription: it is the language of wretchedness -2021-09-20 08:07:28.462 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:07:28.463 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i remember saying have we been together -Output Transcription: i remembered saying have we been together -2021-09-20 08:07:28.464 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.142857 -2021-09-20 08:07:28.465 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: george montfichet will never forget this day -Output Transcription: george mountfitchet will never forget this day -2021-09-20 08:07:28.466 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.142857 -2021-09-20 08:07:28.467 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: captain servadac hastened towards him -Output Transcription: captain serva ac hastened toward him -2021-09-20 08:07:28.467 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.600000 -2021-09-20 08:07:28.468 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: but then the picture was gone as quickly as it came -Output Transcription: but then the picture was gone as quickly as it came -2021-09-20 08:07:28.468 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:07:28.468 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: meter roughly one yard three inches -Output Transcription: meter roughly one yard three inches -2021-09-20 08:07:28.469 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:07:28.470 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: they are all sketches made about the villa d'este you see -Output Transcription: they are all sketches made about the villages i you see -2021-09-20 08:07:28.472 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.181818 -2021-09-20 08:07:28.473 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: in those very terms i even added more -Output Transcription: in those very terms i even had it more -2021-09-20 08:07:28.473 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.250000 -2021-09-20 08:07:28.474 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: we'll deal with them later what -Output Transcription: we'll deal with them later what -2021-09-20 08:07:28.475 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:07:28.475 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: you have been so ill my poor rachel -Output Transcription: you have been so ill my poor rachel -2021-09-20 08:07:28.475 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:07:28.476 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: enter hamlet with his favourite boar hound -Output Transcription: enter hamlet with his favorite forehand -2021-09-20 08:07:28.477 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.428571 -2021-09-20 08:07:28.477 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: no one less than that would have a chance -Output Transcription: no one less than that would have a chance -2021-09-20 08:07:28.477 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:07:28.478 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the world was water veiled in mists -Output Transcription: the world was water veiled in mists -2021-09-20 08:07:28.478 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:07:28.479 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: at noon the violence of the storm redoubles -Output Transcription: at noon the violence of the storm redouble -2021-09-20 08:07:28.480 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.125000 -2021-09-20 08:07:28.480 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: they were so extremely curious -Output Transcription: they were so extremely curious -2021-09-20 08:07:28.481 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:07:28.481 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: he quitted the fire and dropped back into his chair -Output Transcription: he quitted the fire and dropped back into his chair -2021-09-20 08:07:28.481 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:07:28.482 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i thank him and take my leave -Output Transcription: i thank him and take my leave -2021-09-20 08:07:28.482 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:07:28.482 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: nothing more than you know yourself -Output Transcription: nothing more than you know yourself -2021-09-20 08:07:28.483 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:07:28.484 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: when i approached your room i examined the window -Output Transcription: when i approached your room i examine the window -2021-09-20 08:07:28.485 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.111111 -2021-09-20 08:07:28.486 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: perhaps i am mistaken answered she -Output Transcription: perhaps i am mistaken answered she -2021-09-20 08:07:28.486 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:07:28.486 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: it seems the king will not consent to it -Output Transcription: it seems the king will not consent to it -2021-09-20 08:07:28.487 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:07:28.487 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: these means cannot be contaminated -Output Transcription: these means cannot be contaminated -2021-09-20 08:07:28.487 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:07:28.488 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: a golden fortune and a happy life -Output Transcription: a golden fortune and a happy life -2021-09-20 08:07:28.488 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:07:28.489 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: please wait for me marie emil coaxed -Output Transcription: please wait for me marie amiel coax -2021-09-20 08:07:28.490 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.285714 -2021-09-20 08:07:28.490 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: it is unintelligible in the dark -Output Transcription: it is unintelligible in the dark -2021-09-20 08:07:28.490 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:07:28.491 | INFO | deepspeech2x.model:test:372 - Error rate [wer] (384/?) = 0.091907 -2021-09-20 08:07:30.453 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: truly this sea is of infinite width -Output Transcription: truly the sea is of infinite with -2021-09-20 08:07:30.455 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.285714 -2021-09-20 08:07:30.455 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: thank you but i don't like it so well as this -Output Transcription: thank you but i don't like it so well as this -2021-09-20 08:07:30.455 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:07:30.456 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: he pulled up a window as if the air were heavy -Output Transcription: he pulled up a window as if the air were heavy -2021-09-20 08:07:30.456 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:07:30.457 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i want to get away from it all swoons -Output Transcription: i want to get away from it all swoon -2021-09-20 08:07:30.458 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.111111 -2021-09-20 08:07:30.458 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: why are we to be denied each other's society -Output Transcription: why are we to be denied each other's society -2021-09-20 08:07:30.458 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:07:30.459 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: he moved uneasily and his chair creaked -Output Transcription: he moved uneasily in his chair creaked -2021-09-20 08:07:30.460 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.142857 -2021-09-20 08:07:30.460 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: another circumstance was most remarkable -Output Transcription: another circumstance was most remarkable -2021-09-20 08:07:30.460 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:07:30.460 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: she had another weight on her mind this christmas -Output Transcription: she had another weight on her mind this christmas -2021-09-20 08:07:30.461 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:07:30.461 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: is there not a meridian everywhere -Output Transcription: is there not a meridian everywhere -2021-09-20 08:07:30.461 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:07:30.462 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: that is true badauderie -Output Transcription: that is true bad diedre -2021-09-20 08:07:30.462 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.500000 -2021-09-20 08:07:30.463 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: and the death of which i dreamt could not alas -Output Transcription: and the death of which i drank could not alas -2021-09-20 08:07:30.464 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.100000 -2021-09-20 08:07:30.465 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: oh sir don't mention it said missus poyser -Output Transcription: sir don't mention it said miss poyser -2021-09-20 08:07:30.465 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.250000 -2021-09-20 08:07:30.466 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: it must remember be one or the other -Output Transcription: it must remember be one or the other -2021-09-20 08:07:30.466 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:07:30.467 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the world brands this a pernicious doctrine -Output Transcription: the world brands this pernicious doctrine -2021-09-20 08:07:30.467 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.142857 -2021-09-20 08:07:30.467 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: and henry might return to england at any moment -Output Transcription: and henry might return to england at any moment -2021-09-20 08:07:30.468 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:07:30.468 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: but anders cared nothing about that -Output Transcription: but anders cared nothing about that -2021-09-20 08:07:30.468 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:07:30.468 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: of starting i didn't know the way to come -Output Transcription: of starting i didn't know the way to come -2021-09-20 08:07:30.469 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:07:30.469 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: goliath makes another discovery -Output Transcription: goliath makes another discovery -2021-09-20 08:07:30.469 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:07:30.470 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: come come i am getting really tired of your absence -Output Transcription: come come i'm getting really tired of your absence -2021-09-20 08:07:30.471 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.200000 -2021-09-20 08:07:30.472 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: you'll never dig it out of the astor library -Output Transcription: you'll never dig it out of the master library -2021-09-20 08:07:30.473 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.111111 -2021-09-20 08:07:30.473 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: now that too is over -Output Transcription: now that too is over -2021-09-20 08:07:30.473 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:07:30.474 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: might learn something useful down there -Output Transcription: might learn something useful down there -2021-09-20 08:07:30.474 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:07:30.474 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i can perceive love clearly enough -Output Transcription: i can perceive love clearly enough -2021-09-20 08:07:30.474 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:07:30.475 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: there's a whale a whale cried the professor -Output Transcription: there is a whale a well cried the professor -2021-09-20 08:07:30.476 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.375000 -2021-09-20 08:07:30.477 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the roarings become lost in the distance -Output Transcription: the rings become lost in the distance -2021-09-20 08:07:30.477 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.142857 -2021-09-20 08:07:30.478 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: mother i'm going to study medicine -Output Transcription: mother i am going to study medicine -2021-09-20 08:07:30.479 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.333333 -2021-09-20 08:07:30.480 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: dismiss your squire robin and bid me good e e n -Output Transcription: dismiss your squire robin and bid me could even -2021-09-20 08:07:30.482 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.363636 -2021-09-20 08:07:30.483 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: surely you are not thinking of going off there -Output Transcription: surely you are not thinking of going on there -2021-09-20 08:07:30.484 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.111111 -2021-09-20 08:07:30.484 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: how it will shine this evening -Output Transcription: how it will shine this evening -2021-09-20 08:07:30.485 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:07:30.485 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: when do you intend that the john bright shall start -Output Transcription: when do you intend that the john bright shall start -2021-09-20 08:07:30.486 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:07:30.486 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i understand bartley i was wrong -Output Transcription: i understand partly i was wrong -2021-09-20 08:07:30.487 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.166667 -2021-09-20 08:07:30.487 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: it would serve you all right if she walked off with carl -Output Transcription: it would serve you all right if she walked off with carl -2021-09-20 08:07:30.488 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:07:30.488 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: tuesday august eighteenth -Output Transcription: tuesday august eighteen -2021-09-20 08:07:30.489 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.333333 -2021-09-20 08:07:30.489 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: oh i know that's lorne brandon -Output Transcription: oh i know that's born brandon -2021-09-20 08:07:30.490 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.166667 -2021-09-20 08:07:30.491 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: whose name did you sign to the check asked kenneth -Output Transcription: whose name did you sign to the check asked kenneth -2021-09-20 08:07:30.491 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:07:30.491 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the horizon seems extremely distant -Output Transcription: the horizon seems extremely distant -2021-09-20 08:07:30.492 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:07:30.492 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: that will be a queer thing to be sure -Output Transcription: that will be a queer thing to be sure -2021-09-20 08:07:30.493 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:07:30.493 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: are you certain that this is the mediterranean -Output Transcription: are you certain that this is the mediterranean -2021-09-20 08:07:30.494 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:07:30.494 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: here they said is a rascal who has been harrying our coasts -Output Transcription: here they said is a rascal who has been harrying our coasts -2021-09-20 08:07:30.495 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:07:30.495 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: thank you he returned shortly -Output Transcription: thank you he returned shortly -2021-09-20 08:07:30.495 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:07:30.496 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: my men laughed yes a stingy host -Output Transcription: by men laughed yes a stingy host -2021-09-20 08:07:30.497 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.142857 -2021-09-20 08:07:30.497 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: we sunk his ship and men but him we brought to you -Output Transcription: we sunk his ship and men but him we brought to you -2021-09-20 08:07:30.498 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:07:30.498 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i can't see it in that light said the old lawyer -Output Transcription: i can't see it in that light said the old lawyer -2021-09-20 08:07:30.499 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:07:30.499 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: my overwrought nerves yielded at last -Output Transcription: my overwrought nerves yielded at last -2021-09-20 08:07:30.500 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:07:30.500 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: keep away if you wish when have i ever followed you -Output Transcription: keep away if you wish when have i ever followed you -2021-09-20 08:07:30.501 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:07:30.501 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: he had got into her courtyard -Output Transcription: he had got into her courtyard -2021-09-20 08:07:30.502 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:07:30.503 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: why fade these children of the spring -Output Transcription: why fate these children of the spring -2021-09-20 08:07:30.504 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.142857 -2021-09-20 08:07:30.504 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i really don't think he knew much about it mister holmes -Output Transcription: i really don't think he knew much about it mister holmes -2021-09-20 08:07:30.505 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:07:30.506 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: isn't he the greatest for getting into odd corners -Output Transcription: is he the greatest for getting into odd corners -2021-09-20 08:07:30.507 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.111111 -2021-09-20 08:07:30.508 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: thinking of all this i went to sleep -Output Transcription: thinking of all this i went to sleep -2021-09-20 08:07:30.508 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:07:30.509 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: again again -Output Transcription: again again -2021-09-20 08:07:30.509 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:07:30.510 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: better go he had counselled sententiously -Output Transcription: better go he had counsel sententious ly -2021-09-20 08:07:30.511 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.500000 -2021-09-20 08:07:30.512 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the hope and dream of harvest was upon the land -Output Transcription: the hope and dream of harvest was upon the land -2021-09-20 08:07:30.512 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:07:30.513 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: come therefore and let us fling mud at them -Output Transcription: come therefore and let us fling mud at them -2021-09-20 08:07:30.513 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:07:30.514 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: those fellows are all very loyal even mainhall -Output Transcription: those fellows are all very loyal even main hall -2021-09-20 08:07:30.515 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.250000 -2021-09-20 08:07:30.516 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: hedge a fence -Output Transcription: hedge offense -2021-09-20 08:07:30.517 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.666667 -2021-09-20 08:07:30.517 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: he gazed about perplexed astonished -Output Transcription: he gazed about blacks astonished -2021-09-20 08:07:30.518 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.200000 -2021-09-20 08:07:30.519 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: their masters said missus neverbend -Output Transcription: their masters said missus never bend -2021-09-20 08:07:30.519 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.400000 -2021-09-20 08:07:30.520 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: and yesterday things went on just as usual -Output Transcription: and yesterday things went on just as usual -2021-09-20 08:07:30.520 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:07:30.521 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: we used to dispute about politics and religion -Output Transcription: we used to dispute about politics and religion -2021-09-20 08:07:30.521 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:07:30.522 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the flame is the enemy of the wing -Output Transcription: the flame is the enemy of the wing -2021-09-20 08:07:30.522 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:07:30.523 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i shall never get to twenty at that rate -Output Transcription: i shall never get to twenty at that rate -2021-09-20 08:07:30.523 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:07:30.524 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: come we'll have our coffee in the other room and you can smoke -Output Transcription: come we'll have her coffee the other room as you can smoke -2021-09-20 08:07:30.526 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.230769 -2021-09-20 08:07:30.527 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: alexander unclenched the two hands at his sides -Output Transcription: alexander clenched the two hands at his sides -2021-09-20 08:07:30.528 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.125000 -2021-09-20 08:07:30.529 | INFO | deepspeech2x.model:test:372 - Error rate [wer] (448/?) = 0.091309 -2021-09-20 08:07:32.498 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: said missus horton a few minutes after -Output Transcription: said miss wharton a few minutes after -2021-09-20 08:07:32.500 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.285714 -2021-09-20 08:07:32.500 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: yes my dear watson i have solved the mystery -Output Transcription: yes my dear watson i have solved the mystery -2021-09-20 08:07:32.501 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:07:32.501 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: tea please matthews butler impassively -Output Transcription: t please matthews butler impassively -2021-09-20 08:07:32.502 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.200000 -2021-09-20 08:07:32.503 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: he's another who's awfully keen about her let me introduce you -Output Transcription: he's another was awfully keen about her let me introduce you -2021-09-20 08:07:32.504 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.090909 -2021-09-20 08:07:32.505 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: beg me a room of the sheriff child quickly -Output Transcription: bag mea room of the sheriff child quickly -2021-09-20 08:07:32.506 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.333333 -2021-09-20 08:07:32.506 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: yet he will teach you a few tricks when morning is come -Output Transcription: yet he will teach you a few tricks when morning is come -2021-09-20 08:07:32.506 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:07:32.507 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: enquired robin with his suspicions still upon him -Output Transcription: inquired robin with his suspicions still upon him -2021-09-20 08:07:32.508 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.125000 -2021-09-20 08:07:32.508 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: we wish to talk with him answered kenneth talk -Output Transcription: we wish to talk with him answered kenneth talk -2021-09-20 08:07:32.508 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:07:32.509 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: but what is the delicate mission i asked -Output Transcription: but what is the delicate mission i asked -2021-09-20 08:07:32.509 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:07:32.509 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: we moderns however see the absurdity of it -Output Transcription: we moderns however see the absurdity of it -2021-09-20 08:07:32.509 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:07:32.510 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: a voice from beyond the world was calling -Output Transcription: a voice from beyond the world was calling -2021-09-20 08:07:32.510 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:07:32.511 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: who taught you to scrub a floor i should like to know -Output Transcription: who taught you describe a floor i should like to know -2021-09-20 08:07:32.512 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.166667 -2021-09-20 08:07:32.513 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: oh yes said jack and i'm nowhere -Output Transcription: oh yes said jack and i'm nowhere -2021-09-20 08:07:32.513 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:07:32.513 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: it truly is asserted the magician -Output Transcription: it truly is asserted the magician -2021-09-20 08:07:32.513 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:07:32.515 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i don't know all of them but i know lindens are -Output Transcription: i don't know all of them but i know the entire -2021-09-20 08:07:32.516 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.181818 -2021-09-20 08:07:32.517 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i shouldn't wonder if she could laugh about it with me now -Output Transcription: i shouldn't wonder if she could laugh about it with you now -2021-09-20 08:07:32.518 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.083333 -2021-09-20 08:07:32.519 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: hypocrite a horse dealer -Output Transcription: hypocrite a horse dealer -2021-09-20 08:07:32.519 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:07:32.519 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: yes but that's just the beauty of her passion -Output Transcription: yes but that's just the beauty of her passion -2021-09-20 08:07:32.520 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:07:32.520 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the orchard was sparkling and rippling in the sun -Output Transcription: the orchard was sparkling and rippling in the sun -2021-09-20 08:07:32.520 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:07:32.520 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: you will take them from my private treasure -Output Transcription: you will take them from my private treasure -2021-09-20 08:07:32.520 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:07:32.521 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: thus idleness is the mother -Output Transcription: thus idleness is the mother -2021-09-20 08:07:32.521 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:07:32.521 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: its curtains were of thick and faded tapestry -Output Transcription: its curtains were of thick and faded tapestry -2021-09-20 08:07:32.521 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:07:32.522 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: brother mac ardle brother keogh -Output Transcription: brother mccardle brother key of -2021-09-20 08:07:32.522 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.800000 -2021-09-20 08:07:32.523 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: then he looked down the lagoon was dry -Output Transcription: then he looked down the lagoon was dry -2021-09-20 08:07:32.523 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:07:32.523 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i am convinced of what i say said the count -Output Transcription: i am convinced of what i say said the count -2021-09-20 08:07:32.523 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:07:32.524 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: and what sort of evidence is logically possible -Output Transcription: and what sort of evidence is logically possible -2021-09-20 08:07:32.525 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:07:32.525 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i now use them as ornamental statuary in my garden -Output Transcription: i now use them as ornamental statuary in my garden -2021-09-20 08:07:32.526 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:07:32.527 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: they were certainly no nearer the solution of their problem -Output Transcription: they were certainly known near the solution of their problem -2021-09-20 08:07:32.528 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.200000 -2021-09-20 08:07:32.530 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: there is a more or less elaborate system of rank and grades -Output Transcription: there is a more or less elaborate system of ranking grates -2021-09-20 08:07:32.531 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.250000 -2021-09-20 08:07:32.531 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the years of the days of her dying were ten -Output Transcription: the years of the days of her dying were ten -2021-09-20 08:07:32.532 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:07:32.533 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: a robber viking said the king and scowled at me -Output Transcription: a robber viking said the king and he scowled at me -2021-09-20 08:07:32.534 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.100000 -2021-09-20 08:07:32.535 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: it has cost me twice sixty dollars in annoyance -Output Transcription: it has cost me twice sixty dollars in annoyance -2021-09-20 08:07:32.535 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:07:32.535 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: a terrible thought flashed into my mind -Output Transcription: a terrible thought flashed into my mind -2021-09-20 08:07:32.536 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:07:32.537 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the crampness and the poverty are all intended -Output Transcription: the greatness in the poverty are all intended -2021-09-20 08:07:32.537 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.250000 -2021-09-20 08:07:32.538 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: two hours afterwards a terrible shock awoke me -Output Transcription: two hours afterwards a terrible shock awoke me -2021-09-20 08:07:32.538 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:07:32.539 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: do you think so she replied with indifference -Output Transcription: do you think so she replied with indifference -2021-09-20 08:07:32.539 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:07:32.540 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: a further stage is recognition -Output Transcription: a further stage is recognition -2021-09-20 08:07:32.540 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:07:32.542 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i often heard her talk of you in the same sort of way -Output Transcription: i often heard her talk of you and the same sort of way -2021-09-20 08:07:32.544 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.076923 -2021-09-20 08:07:32.544 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: save me masters but you startled me rarely -Output Transcription: save me masters put you startled me rarely -2021-09-20 08:07:32.545 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.125000 -2021-09-20 08:07:32.546 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the raft bears on still to the south east -Output Transcription: the raft bears on still to the southeast -2021-09-20 08:07:32.547 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.222222 -2021-09-20 08:07:32.548 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: but i didn't know you've only to tell me now -Output Transcription: but i didn't know you've only to tell me now -2021-09-20 08:07:32.548 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:07:32.549 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: thirty men one after another raised their horns and said -Output Transcription: thirty men one after another raised their horns and said -2021-09-20 08:07:32.549 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:07:32.550 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the pity that we must come and go -Output Transcription: the pity that we must come and go -2021-09-20 08:07:32.550 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:07:32.551 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: a great saint saint francis xavier -Output Transcription: a great saint saint francis xavier -2021-09-20 08:07:32.551 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:07:32.552 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: gram roughly one twenty eighth of an ounce -Output Transcription: graham roughly one twenty eighth of an ounce -2021-09-20 08:07:32.553 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.125000 -2021-09-20 08:07:32.554 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: with one jump anders got out of his chair -Output Transcription: with one jump enders got out of his chair -2021-09-20 08:07:32.555 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.111111 -2021-09-20 08:07:32.556 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: where thee and thy family are known -Output Transcription: where thee and thy family are now -2021-09-20 08:07:32.557 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.142857 -2021-09-20 08:07:32.557 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: oh that made him so angry -Output Transcription: oh that made him so angry -2021-09-20 08:07:32.558 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:07:32.558 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: said she pointing to the playthings see -Output Transcription: said she pointing to the playthings see -2021-09-20 08:07:32.558 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:07:32.559 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: he was pacing swiftly up and down his room -Output Transcription: he was pacing swiftly up and down his room -2021-09-20 08:07:32.559 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:07:32.559 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: even dialect let that pass -Output Transcription: even dialect let that pass -2021-09-20 08:07:32.560 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:07:32.560 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: yet that task was not so easy as you may suppose -Output Transcription: yet that task was not so easy as you may suppose -2021-09-20 08:07:32.561 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:07:32.562 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: marie's face fell under his brooding gaze -Output Transcription: mary's face fell under his brooding gaze -2021-09-20 08:07:32.562 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.142857 -2021-09-20 08:07:32.563 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the clause seems superfluous on first sight -Output Transcription: the class seems superfluous on first sight -2021-09-20 08:07:32.564 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.142857 -2021-09-20 08:07:32.564 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: you are mate replied the sailor -Output Transcription: you are mate replied the sailor -2021-09-20 08:07:32.565 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:07:32.566 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: stuff it into you his belly counselled him -Output Transcription: stuffed into you his belly counseled him -2021-09-20 08:07:32.567 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.375000 -2021-09-20 08:07:32.568 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: anyhow it's jolly exciting and i can do the dialogue all right -Output Transcription: anyhow it jolly exciting and i can do the dialogue all right -2021-09-20 08:07:32.570 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.083333 -2021-09-20 08:07:32.571 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: mornin girls hope ye feel as well as ye look -Output Transcription: morning girls or evil as well as look -2021-09-20 08:07:32.572 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.500000 -2021-09-20 08:07:32.572 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: but why didn't you tell me when you were here in the summer -Output Transcription: but why didn't you tell me when you were here in the summer -2021-09-20 08:07:32.573 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:07:32.573 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: in despair he hurled himself downward too soon -Output Transcription: in despair he hurled himself downward too soon -2021-09-20 08:07:32.574 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:07:32.574 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the bogus legislature numbered thirty six members -Output Transcription: the bogus legislature numbered thirty six members -2021-09-20 08:07:32.574 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:07:32.576 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: he is supposed to sign all the checks of the concern -Output Transcription: he is supposed to sign all the checks of the concert -2021-09-20 08:07:32.577 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.090909 -2021-09-20 08:07:32.577 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i am afraid there are no signs here said he -Output Transcription: i am afraid there are no signs here said he -2021-09-20 08:07:32.578 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:07:32.579 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: some time you'll tell me please won't you -Output Transcription: sadam you dear me please won't you -2021-09-20 08:07:32.579 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.500000 -2021-09-20 08:07:32.581 | INFO | deepspeech2x.model:test:372 - Error rate [wer] (512/?) = 0.090779 -2021-09-20 08:07:34.407 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: if she could only see phronsie for just one moment -Output Transcription: if she could only see phones ie for just one moment -2021-09-20 08:07:34.409 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.200000 -2021-09-20 08:07:34.410 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: lamb wouldn't care a great deal about many of them i fancy -Output Transcription: lamb wouldn't care a great deal about many of them i fancy -2021-09-20 08:07:34.410 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:07:34.410 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: no sound broke the stillness of the night -Output Transcription: no sound broke the stillness of the night -2021-09-20 08:07:34.411 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:07:34.411 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: did master summon me he said entering -Output Transcription: dead master summon me he said entering -2021-09-20 08:07:34.412 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.142857 -2021-09-20 08:07:34.412 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: you do me a great honour -Output Transcription: you do me a great honour -2021-09-20 08:07:34.412 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:07:34.413 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: it's really too warm in this room to sing don't you feel it -Output Transcription: it's really too warm in this room to sing don't you feel it -2021-09-20 08:07:34.413 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:07:34.414 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: for a long time neither hilda nor bartley spoke -Output Transcription: for a long time neither hide nor bartley spoke -2021-09-20 08:07:34.415 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.111111 -2021-09-20 08:07:34.416 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: they couldn't run nor move they're just pasteboard -Output Transcription: they couldn't run or move they're just pace board -2021-09-20 08:07:34.417 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.375000 -2021-09-20 08:07:34.418 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: your father thought a moment then looked at your mother and smiled -Output Transcription: your father thought a moment and looked at her mother and smiled -2021-09-20 08:07:34.419 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.166667 -2021-09-20 08:07:34.420 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: bracton's a very good fellow i can assure you -Output Transcription: protons a very good fellow i can assure you -2021-09-20 08:07:34.421 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.111111 -2021-09-20 08:07:34.422 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i tell him to give me some coffee if it is good -Output Transcription: i don't give me some coffee if it is good -2021-09-20 08:07:34.424 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.250000 -2021-09-20 08:07:34.425 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: here friend take it and he thrust it into the farmer's hand -Output Transcription: her friend take it and thrust into the farmer's hand -2021-09-20 08:07:34.426 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.250000 -2021-09-20 08:07:34.426 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: onward said a distant voice -Output Transcription: onwer set a distant voice -2021-09-20 08:07:34.427 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.400000 -2021-09-20 08:07:34.427 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the princess inquired no -Output Transcription: the princess inquired no -2021-09-20 08:07:34.427 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:07:34.428 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: a house smells of smoke a ship smells of frolic -Output Transcription: a house smells of smoke a ship smells of frolic -2021-09-20 08:07:34.428 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:07:34.428 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: you will be frank with me i always am -Output Transcription: you will be frank with me i always am -2021-09-20 08:07:34.428 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:07:34.429 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: how you may be wondering are you to begin your masterpiece -Output Transcription: how you may be wondering are you to begin your masterpiece -2021-09-20 08:07:34.429 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:07:34.429 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: come come i called when no one obeyed a fire -Output Transcription: come come i called when no one obeyed a fire -2021-09-20 08:07:34.429 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:07:34.431 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: you can begin by carrying a rod and putting down the figures -Output Transcription: you can begin by carrying a rod and bring down the figures -2021-09-20 08:07:34.432 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.083333 -2021-09-20 08:07:34.432 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: how kind man is after all -Output Transcription: how kind man is after all -2021-09-20 08:07:34.432 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:07:34.433 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: as usual nothing was done in the way of punishment -Output Transcription: as usual nothing was done in the way of punishment -2021-09-20 08:07:34.433 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:07:34.433 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: a great saint saint francis xavier -Output Transcription: a great saint saint francis savior -2021-09-20 08:07:34.434 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.166667 -2021-09-20 08:07:34.435 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: one could hardly hope for any upon so dry a day -Output Transcription: one could hardly hope for any upon so dry day -2021-09-20 08:07:34.436 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.090909 -2021-09-20 08:07:34.437 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: they remain divine regardless of men's opinion -Output Transcription: they remained divine regardless of man's opinion -2021-09-20 08:07:34.437 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.285714 -2021-09-20 08:07:34.438 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: in truth she seemed absolutely hidden behind it -Output Transcription: in truth she seemed absolutely hidden behind it -2021-09-20 08:07:34.438 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:07:34.439 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i think so you have formed a conclusion -Output Transcription: i think so you have formed a conclusion -2021-09-20 08:07:34.439 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:07:34.439 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: larkspur bit me again this morning for the third time -Output Transcription: larkspur bit me again this morning for the third time -2021-09-20 08:07:34.440 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:07:34.441 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: aren't you splashed look at the spider webs all over the grass -Output Transcription: artist splashed look at a spider webs all over the grass -2021-09-20 08:07:34.443 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.250000 -2021-09-20 08:07:34.443 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: at dinner lake was easy and amusing -Output Transcription: at dinner lake was easy and amusing -2021-09-20 08:07:34.444 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:07:34.444 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: it is a very stupid story -Output Transcription: it is a very stupid story -2021-09-20 08:07:34.445 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:07:34.446 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: does thee think thee could stand it six months -Output Transcription: does the think they could stand it six months -2021-09-20 08:07:34.446 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.222222 -2021-09-20 08:07:34.448 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: yes sire and ready dressed for the ballet -Output Transcription: yes sir and ready dressed for the ballet -2021-09-20 08:07:34.448 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.125000 -2021-09-20 08:07:34.449 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: no sir certainly not -Output Transcription: no sir certainly not -2021-09-20 08:07:34.449 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:07:34.450 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: but the essence of luther's lectures is there -Output Transcription: but the essence of luther's lectures is there -2021-09-20 08:07:34.450 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:07:34.452 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: there stand so i said and glare and hiss at my foes -Output Transcription: there stand so i said in glare and his of my foes -2021-09-20 08:07:34.453 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.250000 -2021-09-20 08:07:34.453 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i doubt whether branwell was maintaining himself at this time -Output Transcription: i doubt whether branwell was maintaining himself at this time -2021-09-20 08:07:34.454 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:07:34.454 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: he started at the thought he hurried forth sadly -Output Transcription: he started at the thought he hurried forth sadly -2021-09-20 08:07:34.454 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:07:34.455 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: what is slang properly speaking -Output Transcription: what is slang properly speaking -2021-09-20 08:07:34.455 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:07:34.457 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: it was one of the masterly and charming stories of dumas the elder -Output Transcription: it was one of the masterly and charming stories of dama the elder -2021-09-20 08:07:34.459 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.076923 -2021-09-20 08:07:34.460 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: voltaire picked up something from the ground and looked at it -Output Transcription: old chair picked up something from the ground and looked at it -2021-09-20 08:07:34.461 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.181818 -2021-09-20 08:07:34.463 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: then lord tuppeny well what about auction -Output Transcription: then lord duany well what about auction -2021-09-20 08:07:34.463 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.142857 -2021-09-20 08:07:34.464 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i almost think i can remember feeling a little different -Output Transcription: i almost think i can remember feeling a little different -2021-09-20 08:07:34.464 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:07:34.466 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: now what was the sense of it two innocent babies like that -Output Transcription: now what is the sense of it to innocent babies like that -2021-09-20 08:07:34.467 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.166667 -2021-09-20 08:07:34.468 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: millimeter roughly one twenty fifth of an inch -Output Transcription: millimeter roughly one twenty fifth of an inch -2021-09-20 08:07:34.468 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:07:34.468 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: words was it their colours -Output Transcription: words was it their colors -2021-09-20 08:07:34.469 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.200000 -2021-09-20 08:07:34.471 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: for if he's anywhere on the farm we can send for him in a minute -Output Transcription: for if it's anywhere on the farm we can send for him in a minute -2021-09-20 08:07:34.473 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.066667 -2021-09-20 08:07:34.475 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: she saves her hand too she's at her best in the second act -Output Transcription: she saves her hand to she said her best of the second act -2021-09-20 08:07:34.477 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.307692 -2021-09-20 08:07:34.477 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: do you remember that first walk we took together in paris -Output Transcription: do you remember that first walk we took together in paris -2021-09-20 08:07:34.478 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:07:34.479 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: tis late and i go myself within a short space -Output Transcription: this late and i go myself within a short space -2021-09-20 08:07:34.480 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.100000 -2021-09-20 08:07:34.480 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: presently he crossed the floor of his room with decided step -Output Transcription: presently he crossed the floor of his room with decided step -2021-09-20 08:07:34.481 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:07:34.481 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: do you suppose the miniature was a copy of the same thing -Output Transcription: do you suppose the miniature was a copy of the same thing -2021-09-20 08:07:34.482 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:07:34.483 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: up in the sick room zora lay on the little white bed -Output Transcription: up in the sick room or lay on the little white bed -2021-09-20 08:07:34.484 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.083333 -2021-09-20 08:07:34.485 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: but even the unsuccessful dramatist has his moments -Output Transcription: but even the unsuccessful dramatist has his moments -2021-09-20 08:07:34.485 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:07:34.487 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the most they could claim is that they were sent by others -Output Transcription: the most they could claim is that they were simply others -2021-09-20 08:07:34.489 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.166667 -2021-09-20 08:07:34.489 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i did not then realize the importance of the ministry -Output Transcription: i did not then realize the importance of the ministry -2021-09-20 08:07:34.489 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:07:34.490 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: embrace him and forget about the nature of god -Output Transcription: embrace him and forget about the nature of god -2021-09-20 08:07:34.490 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:07:34.491 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: truly such a horse should be worth much in nottingham fair -Output Transcription: truly such a horse would be worth much and nottingham fair -2021-09-20 08:07:34.493 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.181818 -2021-09-20 08:07:34.494 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: what would become of your gun were i to kidnap you -Output Transcription: what would become with your gun were i to colnago -2021-09-20 08:07:34.495 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.272727 -2021-09-20 08:07:34.496 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: but you believe in some education asked mary taylor -Output Transcription: do you believe in some education asked mary taylor -2021-09-20 08:07:34.497 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.111111 -2021-09-20 08:07:34.497 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: those clouds seem as if they were going to crush the sea -Output Transcription: those clouds seem as if they were going to crush the sea -2021-09-20 08:07:34.498 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:07:34.498 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: soon the whole bridge was trembling and resounding -Output Transcription: soon the whole bridge was trembling and resounding -2021-09-20 08:07:34.499 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:07:34.499 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: image of weakness art thou but a worm -Output Transcription: image of weakness art thou but a worm -2021-09-20 08:07:34.499 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:07:34.500 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: he had the faith in him that moves mountains -Output Transcription: he had the faith in him that moves mountains -2021-09-20 08:07:34.500 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:07:34.500 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: oh i would not venture to say sir -Output Transcription: oh i would not venture to say sir -2021-09-20 08:07:34.501 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:07:34.502 | INFO | deepspeech2x.model:test:372 - Error rate [wer] (576/?) = 0.090665 -2021-09-20 08:07:36.534 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: this was at the march election eighteen fifty five -Output Transcription: this was at the march election eighteen fifty five -2021-09-20 08:07:36.535 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:07:36.537 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: in the stern i curved the tail up almost as high as the head -Output Transcription: in the stern i carved the tail up almost as high as the head -2021-09-20 08:07:36.538 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.071429 -2021-09-20 08:07:36.539 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: this is no sinful pride it is holy pride -Output Transcription: this is no sinful pride in his holy pride -2021-09-20 08:07:36.540 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.222222 -2021-09-20 08:07:36.540 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: one might be with less reason than now -Output Transcription: one might be with less reason than now -2021-09-20 08:07:36.541 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:07:36.541 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: he impressed me as being a perfectly honest man -Output Transcription: he impressed me as being a perfectly honest man -2021-09-20 08:07:36.541 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:07:36.541 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the rest of you off a viking he had three ships -Output Transcription: the rest of you off a viking he had three ships -2021-09-20 08:07:36.542 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:07:36.542 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: and he added something still less complimentary -Output Transcription: and he added something still less complimentary -2021-09-20 08:07:36.542 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:07:36.542 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i did not even take the precaution of smoking up the chimney -Output Transcription: i did not even take the precaution of smoking up the chimney -2021-09-20 08:07:36.543 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:07:36.543 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i am so very tired of being all alone here -Output Transcription: i am so very tired of being all alone here -2021-09-20 08:07:36.543 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:07:36.543 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: pray follow us with mine and my lord sheriff's men -Output Transcription: pray follow us with mine and my lord sheriff's men -2021-09-20 08:07:36.544 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:07:36.545 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: mister soames was somewhat overwhelmed by this flood of information -Output Transcription: mister psalms was somewhat overwhelmed by this flood of information -2021-09-20 08:07:36.546 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.100000 -2021-09-20 08:07:36.546 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: perhaps she too might be there waiting weeping -Output Transcription: perhaps she too might be there waiting weeping -2021-09-20 08:07:36.546 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:07:36.548 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: it was so dark that i could see nothing but a few sparks on the hearth -Output Transcription: he was so dark that i could see nothing but a few sparks on the hearth -2021-09-20 08:07:36.550 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.062500 -2021-09-20 08:07:36.551 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: run back uncas and bring me the size of the singer's foot -Output Transcription: run back uncas and bring me the size of the singer's foot -2021-09-20 08:07:36.551 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:07:36.551 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: however the grace and peace of god will -Output Transcription: however the grace and peace of god will -2021-09-20 08:07:36.552 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:07:36.553 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: in this monotonous life of mine that was a pleasant event -Output Transcription: in this monotonous life in mind that was a pleasant event -2021-09-20 08:07:36.554 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.181818 -2021-09-20 08:07:36.555 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: mainhall liked alexander because he was an engineer -Output Transcription: may hold like alexander because he was an engineer -2021-09-20 08:07:36.555 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.375000 -2021-09-20 08:07:36.557 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the squire helped to thrust them all in and entered swiftly himself -Output Transcription: the squire helped to thrust them all land and entered swiftly himself -2021-09-20 08:07:36.558 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.083333 -2021-09-20 08:07:36.558 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: up and down the water we went to get much wealth and much frolic -Output Transcription: up and down the water we went to get much wealth and much frolic -2021-09-20 08:07:36.559 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:07:36.559 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: concord returned to its place amidst the tents -Output Transcription: concord returned to its place amidst the tents -2021-09-20 08:07:36.559 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:07:36.560 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: we'll be quite comfortable here i told conseil -Output Transcription: will be quite comfortable here i told conseil -2021-09-20 08:07:36.561 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.125000 -2021-09-20 08:07:36.561 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: men should not speculate about the nature of god -Output Transcription: men should not speculate about the nature of god -2021-09-20 08:07:36.561 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:07:36.562 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: they are cousins you know we are all cousins -Output Transcription: their cousins you know we are all cousins -2021-09-20 08:07:36.563 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.222222 -2021-09-20 08:07:36.563 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the examination however resulted in no discovery -Output Transcription: the examination however resulted in no discovery -2021-09-20 08:07:36.563 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:07:36.564 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: said mister irwine with his stately cordiality -Output Transcription: said mister irwin with his stately cordiality -2021-09-20 08:07:36.565 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.142857 -2021-09-20 08:07:36.567 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: there she sat on the rollers as fair a ship as i ever saw -Output Transcription: there she sat on the rollers as fair ship as i ever saw -2021-09-20 08:07:36.568 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.071429 -2021-09-20 08:07:36.568 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: only that one answered the tree -Output Transcription: only that one answered the tree -2021-09-20 08:07:36.569 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:07:36.570 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: missus griffin however expressed the need for a little more light -Output Transcription: missus griffin however expressed the need for a little more light -2021-09-20 08:07:36.570 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:07:36.572 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: missus neverbend you must indeed be proud of your son -Output Transcription: missus never been you must indeed be proud of your son -2021-09-20 08:07:36.573 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.200000 -2021-09-20 08:07:36.573 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: but i have occasionally done the same thing at other times -Output Transcription: but i have occasionally done the same thing at other times -2021-09-20 08:07:36.574 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:07:36.575 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: take your place and let us see what the crystal can show to you -Output Transcription: take your place and let us see what the crystal can show to you -2021-09-20 08:07:36.575 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:07:36.577 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: then you can ask him questions on the catechism dedalus -Output Transcription: then you can ask him questions on the catechism daedalus -2021-09-20 08:07:36.578 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.100000 -2021-09-20 08:07:36.579 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: this should go far in shutting the mouths of the false apostles -Output Transcription: this should go far and shutting the mouth of the false apostles -2021-09-20 08:07:36.581 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.166667 -2021-09-20 08:07:36.583 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i thought it might be sister kate or cousin mike would be happening along -Output Transcription: i thought it might be sister kater cousin mike would be happening along -2021-09-20 08:07:36.585 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.142857 -2021-09-20 08:07:36.587 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: that will be safest no no never -Output Transcription: that will be the safest no no never -2021-09-20 08:07:36.587 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.142857 -2021-09-20 08:07:36.588 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: worse tom worse n ever replied the jailer gloomily -Output Transcription: worst time worse an error replied the jailer gloomily -2021-09-20 08:07:36.590 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.444444 -2021-09-20 08:07:36.590 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: there was a grim smile of amusement on his shrewd face -Output Transcription: there was a grim smile of amusement on his shrewd face -2021-09-20 08:07:36.590 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:07:36.591 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: it is hardly necessary to say more of them here -Output Transcription: it is hardly necessary to say more of them here -2021-09-20 08:07:36.591 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:07:36.592 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: she had almost forgotten that it was here within touch and sight -Output Transcription: she had almost forgotten that it was here within touch in sight -2021-09-20 08:07:36.594 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.083333 -2021-09-20 08:07:36.595 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: sister nell do you hear these marvels -Output Transcription: sister nell do you hear these marvels -2021-09-20 08:07:36.595 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:07:36.596 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: nottingham castle was reached and admittance was demanded -Output Transcription: not a young castle was reached and admittance was demanded -2021-09-20 08:07:36.597 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.375000 -2021-09-20 08:07:36.598 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: she even seemed mildly amused at the attention she attracted -Output Transcription: she even seemed mildly amused at the attention she attracted -2021-09-20 08:07:36.598 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:07:36.600 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: she must care about the theatre a great deal more than she used to -Output Transcription: she must care about the theatre or a great deal more than she used to -2021-09-20 08:07:36.602 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.071429 -2021-09-20 08:07:36.605 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i had a notion it was you mate as saved me from the knife -Output Transcription: i had a notion it was you may desire me from the knife -2021-09-20 08:07:36.606 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.214286 -2021-09-20 08:07:36.607 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: effects of the increased use and disuse of parts -Output Transcription: effects of the increased use and disuse of parts -2021-09-20 08:07:36.607 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:07:36.608 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the wine did certainly bring back the color to the squire's cheeks -Output Transcription: the wind did certainly bring back the colour to the squire's cheeks -2021-09-20 08:07:36.610 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.166667 -2021-09-20 08:07:36.612 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: let us hear the suspicions i will look after the proofs -Output Transcription: let us see the suspicions i will look after the proofs -2021-09-20 08:07:36.613 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.090909 -2021-09-20 08:07:36.614 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: but not more than what's in the bible aunt said dinah -Output Transcription: but not more than was in the bible and said dinah -2021-09-20 08:07:36.616 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.181818 -2021-09-20 08:07:36.616 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: yes yes she hurried pulling her hand gently away from him -Output Transcription: yes yes she hurried pulling her hand gently away from him -2021-09-20 08:07:36.616 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:07:36.618 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: hakon there shall be your constant companion friend farmer -Output Transcription: hawking there shall be your constant companion friend farmer -2021-09-20 08:07:36.619 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.111111 -2021-09-20 08:07:36.620 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: he wanted to begin at the top of the ladder -Output Transcription: he wanted to begin at the top of the latter -2021-09-20 08:07:36.621 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.100000 -2021-09-20 08:07:36.621 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i am going to the court ball answered anders -Output Transcription: i am going to the court ball answered anders -2021-09-20 08:07:36.622 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:07:36.622 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: oh won't she be savage if i've kept her waiting -Output Transcription: oh won't she be savage if i've kept her waiting -2021-09-20 08:07:36.623 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:07:36.623 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: he felt a tremor run through the slender yellow figure in front of him -Output Transcription: he felt a tremor run through the slender yellow figure in front of him -2021-09-20 08:07:36.623 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:07:36.624 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: who denies that of course it does -Output Transcription: who denies that of course it does -2021-09-20 08:07:36.624 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:07:36.625 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: cold is it my darling bless your sweet face -Output Transcription: cold is it my darling bless your sweet face -2021-09-20 08:07:36.625 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:07:36.625 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: your majesty's plan then in this affair is -Output Transcription: your majesty's plan then in this affair is -2021-09-20 08:07:36.626 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:07:36.627 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: give not so earnest a mind to these mummeries child -Output Transcription: give not so earnest mind to these memories child -2021-09-20 08:07:36.628 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.200000 -2021-09-20 08:07:36.629 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: chapter three as master wishes -Output Transcription: chapter three as master wishes -2021-09-20 08:07:36.629 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:07:36.629 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: remain i implore you the evening is most lovely -Output Transcription: remain i implore you the evening is most lovely -2021-09-20 08:07:36.630 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:07:36.630 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: but i do not think such an inference is warranted -Output Transcription: but i do not think such an inference is warranted -2021-09-20 08:07:36.631 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:07:36.631 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: suddenly he heard him at the very door there was no possible escape -Output Transcription: suddenly he heard him at the very door there was no possible escape -2021-09-20 08:07:36.632 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:07:36.632 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the word of our god shall stand forever -Output Transcription: the word of our god shall stand for ever -2021-09-20 08:07:36.634 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.250000 -2021-09-20 08:07:36.634 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: what could i do now but just lay myself down and die -Output Transcription: what could i do now but just lay myself down and die -2021-09-20 08:07:36.635 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:07:36.636 | INFO | deepspeech2x.model:test:372 - Error rate [wer] (640/?) = 0.088211 -2021-09-20 08:07:39.274 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: why a tongue impress'd with honey from every wind -Output Transcription: why a tongue impressed with honey from every wind -2021-09-20 08:07:39.276 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.111111 -2021-09-20 08:07:39.276 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: they were now playing with their dolls in the parlor -Output Transcription: they were now playing with their dolls in the parlor -2021-09-20 08:07:39.277 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:07:39.278 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i am very tired of swimming about here o mouse -Output Transcription: i am very tired of swimming about here o mouse' -2021-09-20 08:07:39.279 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.100000 -2021-09-20 08:07:39.280 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: familiarity is a feeling capable of degrees -Output Transcription: familiarity is a filling capable of degrees -2021-09-20 08:07:39.280 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.142857 -2021-09-20 08:07:39.281 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: pearl was a born outcast of the infantile world -Output Transcription: pearl was born outcast of the infantile world -2021-09-20 08:07:39.282 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.111111 -2021-09-20 08:07:39.283 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i'll do anything you wish me to bartley she said tremulously -Output Transcription: i'll do anything you wish me to partly she said tremulously -2021-09-20 08:07:39.284 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.090909 -2021-09-20 08:07:39.284 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: it is manifest that man is now subject to much variability -Output Transcription: it is manifest that man is now subject to much variability -2021-09-20 08:07:39.285 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:07:39.286 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: they followed the jailer along a succession of passages -Output Transcription: they followed the jailer along the succession of passages -2021-09-20 08:07:39.286 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.111111 -2021-09-20 08:07:39.288 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i get wet to my knees when i go down to pick cherries -Output Transcription: i get wet to my knees when i go down to pictures -2021-09-20 08:07:39.289 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.153846 -2021-09-20 08:07:39.290 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: well she was better though she had had a bad night -Output Transcription: well she was better though she had had a bad night -2021-09-20 08:07:39.290 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:07:39.290 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: but at this point in the rapids it was impossible for him to stay down -Output Transcription: but at this point in the rapids it was impossible for him to stay down -2021-09-20 08:07:39.291 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:07:39.291 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: ojo had never eaten such a fine meal in all his life -Output Transcription: ojo had never eaten such a fine meal in all his life -2021-09-20 08:07:39.291 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:07:39.291 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: when i was a young man i thought paul was making too much of his call -Output Transcription: when i was a young man i thought paul was making too much of his call -2021-09-20 08:07:39.292 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:07:39.293 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: two hundred warriors feasted in his hall and followed him to battle -Output Transcription: two hundred warriors feasted his hall and followed him to battle -2021-09-20 08:07:39.294 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.083333 -2021-09-20 08:07:39.294 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: is she not afraid that i will thwart her inclinations -Output Transcription: is she not afraid that i will thwart her inclinations -2021-09-20 08:07:39.295 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:07:39.295 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: in all the novel had a difficult gestation -Output Transcription: in all the novel had a difficult gestation -2021-09-20 08:07:39.295 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:07:39.296 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: but we're not er exactly welcomed -Output Transcription: but when not in exactly welcome -2021-09-20 08:07:39.296 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.500000 -2021-09-20 08:07:39.298 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: they think you're proud because you've been away to school or something -Output Transcription: they think your proud because you've been away to school or something -2021-09-20 08:07:39.299 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.083333 -2021-09-20 08:07:39.299 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: it's been on only two weeks and i've been half a dozen times already -Output Transcription: it's been on only two weeks and i've been half a dozen times already -2021-09-20 08:07:39.300 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:07:39.300 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: burn fire burn flicker flicker flame -Output Transcription: burn fire burn flicker flicker flame -2021-09-20 08:07:39.300 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:07:39.300 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: only there are two sorts of cloud and fire -Output Transcription: only there are two sorts of cloud and fire -2021-09-20 08:07:39.300 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:07:39.301 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: and you must be ojo the unlucky she added -Output Transcription: and you must be ojo the unlucky she added -2021-09-20 08:07:39.301 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:07:39.301 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: they seem to be we are lost but i am not sure -Output Transcription: they seem to be we are lost but i am not sure -2021-09-20 08:07:39.301 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:07:39.302 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: be not so foolish friend said fitzooth crossly -Output Transcription: be not so foolish friend said it tooth crossly -2021-09-20 08:07:39.303 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.250000 -2021-09-20 08:07:39.303 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i never knew of but one man who could ever please him -Output Transcription: i never knew of but one man who could ever please him -2021-09-20 08:07:39.304 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:07:39.304 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: there is no opening except the one pane said our learned guide -Output Transcription: there is no opening except the one pane said our learned guide -2021-09-20 08:07:39.305 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:07:39.306 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: and then they became vexed and would have snatched your purse from us -Output Transcription: and then they became vexed and would have snatched or purse from us -2021-09-20 08:07:39.308 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.076923 -2021-09-20 08:07:39.309 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: and they are all in for this examination yes -Output Transcription: and they are all in for this examination yes -2021-09-20 08:07:39.309 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:07:39.309 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: in every way they sought to undermine the authority of saint paul -Output Transcription: in every way they sought to undermine the authority of saint paul -2021-09-20 08:07:39.310 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:07:39.311 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: but we are careless we make light of sin -Output Transcription: but we are careless we make light of sin -2021-09-20 08:07:39.311 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:07:39.312 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: next came olive's turn to help in the ceremonies -Output Transcription: next came olives turn to help in the ceremonies -2021-09-20 08:07:39.313 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.111111 -2021-09-20 08:07:39.313 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i do not know i am dazed bewildered -Output Transcription: i do not know i am dazed bewildered -2021-09-20 08:07:39.314 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:07:39.314 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: therefore don't talk to me about views and prospects -Output Transcription: therefore don't talk to me about views and prospects -2021-09-20 08:07:39.315 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:07:39.315 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: alexander leaned forward and warmed his hands before the blaze -Output Transcription: alexander leaned forward and warmed his hands before the blaze -2021-09-20 08:07:39.316 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:07:39.316 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: no thanks i am glad to give you such easy happiness -Output Transcription: no thanks i am glad to give you such easy happiness -2021-09-20 08:07:39.316 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:07:39.317 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: and he leaned against the wall lost in reverie -Output Transcription: and he leaned against the wall lost in reverie -2021-09-20 08:07:39.317 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:07:39.318 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i'll try if i know all the things i used to know -Output Transcription: i'll try if i know all the things i used to know -2021-09-20 08:07:39.318 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:07:39.318 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: by the beard of odin i cried you have taken our joke like a man -Output Transcription: by the beard of odin i cried you have taken our joke like a man -2021-09-20 08:07:39.319 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:07:39.320 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the king seemed only pleased with every one present -Output Transcription: the king seemed only pleased with everyone present -2021-09-20 08:07:39.321 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.222222 -2021-09-20 08:07:39.323 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: one hardly likes to throw suspicion where there are no proofs -Output Transcription: one hardly like to throw suspicion where there are no proofs -2021-09-20 08:07:39.324 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.090909 -2021-09-20 08:07:39.324 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: mister edison was a leader far ahead of the time -Output Transcription: mister edison was a leader far ahead of the time -2021-09-20 08:07:39.325 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:07:39.325 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: we had meters in which there were two bottles of liquid -Output Transcription: we had meters in which there were two bottles of liquid -2021-09-20 08:07:39.325 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:07:39.326 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: he was unable to decide exactly what it should be -Output Transcription: he was unable to decide exactly which be -2021-09-20 08:07:39.327 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.300000 -2021-09-20 08:07:39.328 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: at last he came out of them and wiped his face vigorously -Output Transcription: at last he came out of them and wiped his face vigorously -2021-09-20 08:07:39.328 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:07:39.330 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: but the general distinction is not on that account to be overlooked -Output Transcription: but the general distinction is not met account to be overlooked -2021-09-20 08:07:39.331 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.166667 -2021-09-20 08:07:39.333 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: on a bench in a far corner were a dozen people huddled together -Output Transcription: on a bench in a far corner where a dozen people huddled together -2021-09-20 08:07:39.334 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.076923 -2021-09-20 08:07:39.335 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: or of the habits of our people it is quite impossible -Output Transcription: or of the habits of our people it is quite impossible -2021-09-20 08:07:39.335 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:07:39.336 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the lagoon had been level with the dykes a week ago and now -Output Transcription: the lagoon had been level with the dykes a week ago and now -2021-09-20 08:07:39.336 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:07:39.338 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i suppose it's the wet season will you have to cut them too -Output Transcription: i suppose it's the wet season will you have to cut them to -2021-09-20 08:07:39.340 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.076923 -2021-09-20 08:07:39.340 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: when she finished alexander shook himself out of a reverie -Output Transcription: when she finished alexander shook himself out of a reverie -2021-09-20 08:07:39.341 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:07:39.341 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: but a word further concerning the expedition in general -Output Transcription: but a word further concerning the expedition in general -2021-09-20 08:07:39.341 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:07:39.343 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: their eyes danced big thorleif stood up and stretched himself -Output Transcription: their eyes danced big torley stood up and stretched himself -2021-09-20 08:07:39.344 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.100000 -2021-09-20 08:07:39.344 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: some poems of solon were recited by the boys -Output Transcription: some poems of solemn grew recited by the boys -2021-09-20 08:07:39.346 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.222222 -2021-09-20 08:07:39.346 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: mother cried she i see you here look look -Output Transcription: mother cried she i see you here look look -2021-09-20 08:07:39.346 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:07:39.347 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i say sir harry the little girl's going famously to night isn't she -Output Transcription: i say sir harry the little girl's going famously to night isn't she -2021-09-20 08:07:39.347 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:07:39.348 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: at last all was quiet and black in the courtyard of gamewell -Output Transcription: at last all was quiet and black in the courtyard of gamewell -2021-09-20 08:07:39.348 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:07:39.349 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: what's the meaning of this thought the tree -Output Transcription: what's the meaning of this thought the tree -2021-09-20 08:07:39.349 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:07:39.349 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i attend to the household mending you know and care for the linen -Output Transcription: i attend to the household mending you know and care for the linen -2021-09-20 08:07:39.350 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:07:39.350 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: alexander groaned i meant to but somehow i couldn't -Output Transcription: alexander groaned i meant to but somehow i couldn't -2021-09-20 08:07:39.350 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:07:39.351 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: and mine is will stuteley shall we be comrades -Output Transcription: and mind is will stoutly shall we be comrades -2021-09-20 08:07:39.352 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.222222 -2021-09-20 08:07:39.353 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: indeed he persecuted the church of christ for a long time -Output Transcription: indeed he persecuted the church of christ for a long time -2021-09-20 08:07:39.353 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:07:39.353 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: and i declare it's too bad that it is -Output Transcription: and i declare it's too bad that it is -2021-09-20 08:07:39.354 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:07:39.354 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: rejoice in thy growth said the sunbeams -Output Transcription: rejoice in thy growth said the sunbeams -2021-09-20 08:07:39.355 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:07:39.355 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: after that it was easy to forget actually to forget -Output Transcription: after that it was easy to forget actually to forget -2021-09-20 08:07:39.356 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:07:39.356 | INFO | deepspeech2x.model:test:372 - Error rate [wer] (704/?) = 0.083180 -2021-09-20 08:07:42.065 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: and thee won't go why should i -Output Transcription: and they won't go why should i -2021-09-20 08:07:42.066 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.142857 -2021-09-20 08:07:42.067 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the head of the patchwork girl was the most curious part of her -Output Transcription: the head of the patchwork girl was the most curious part of her -2021-09-20 08:07:42.067 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:07:42.068 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: if for a whim you beggar yourself i cannot stay you -Output Transcription: if fur when you beggar yourself i cannot stay you -2021-09-20 08:07:42.069 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.272727 -2021-09-20 08:07:42.070 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: a sound of voices a flash of light -Output Transcription: a sound of voices a flash of light -2021-09-20 08:07:42.070 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:07:42.070 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: and i have no one ready to whom i can give up the archives of the government -Output Transcription: and i have no one ready to whom i can give up the archives of the government -2021-09-20 08:07:42.070 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:07:42.071 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i think i should be doing you a service to turn you out of such a place -Output Transcription: i think i should be doing you a service to turn you out of such a place -2021-09-20 08:07:42.071 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:07:42.072 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: done he ain't done a thing he'd oughter sence he was born -Output Transcription: down he ain't done a thing he orders since he was born -2021-09-20 08:07:42.074 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.333333 -2021-09-20 08:07:42.074 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: anyone in the room could get out yes sir -Output Transcription: anyone in the room could get out yes sir -2021-09-20 08:07:42.074 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:07:42.074 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: for some time after that i remembered nothing distinctly -Output Transcription: for some time after that i remembered nothing distinctly -2021-09-20 08:07:42.075 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:07:42.075 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: no i forgot all about the brains exclaimed the woman -Output Transcription: no i forgot all about the brains exclaimed the woman -2021-09-20 08:07:42.075 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:07:42.076 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the delawares are children of the tortoise and they outstrip the deer -Output Transcription: the delawares are children of the tortoise in the outstrip the deer -2021-09-20 08:07:42.078 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.166667 -2021-09-20 08:07:42.078 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: since when has malady banished medicine -Output Transcription: since when has malady vanished medicine -2021-09-20 08:07:42.079 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.166667 -2021-09-20 08:07:42.080 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: he knew the silver fleece his and zora's must be ruined -Output Transcription: he knew the silver flees his azores must be ruined -2021-09-20 08:07:42.081 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.272727 -2021-09-20 08:07:42.082 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: asked phronsie with her little face close to polly's own -Output Transcription: asked rosie with her little face closed upon his own -2021-09-20 08:07:42.084 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.400000 -2021-09-20 08:07:42.085 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: but under the circumstances i doubt if such an arrangement could be made -Output Transcription: but under the circumstances i doubt such an arrangement could be made -2021-09-20 08:07:42.086 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.076923 -2021-09-20 08:07:42.087 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: to this we reply in one word only -Output Transcription: to this we reply in one word only -2021-09-20 08:07:42.087 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:07:42.087 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: or hath he given us any gift -Output Transcription: or hath he given us any gift -2021-09-20 08:07:42.087 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:07:42.088 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: did not the dancing amuse you no -Output Transcription: did not the dancing amuse you no -2021-09-20 08:07:42.088 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:07:42.088 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: it would have been more wonderful had he spoken without a bidding -Output Transcription: it would have been more wonderful had he spoken without a bidding -2021-09-20 08:07:42.088 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:07:42.089 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: in the morning the servant and the housemaid came in -Output Transcription: in the morning the servants and the housemaid came in -2021-09-20 08:07:42.090 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.100000 -2021-09-20 08:07:42.092 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: it is this that is of interest to theory of knowledge -Output Transcription: it is this that is a interest to theory of knowledge -2021-09-20 08:07:42.093 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.090909 -2021-09-20 08:07:42.093 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: paul an apostle not of men et cetera -Output Transcription: paul an apostle not of men et cetera -2021-09-20 08:07:42.094 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:07:42.094 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: in this guise it becomes horrible -Output Transcription: in the skies it becomes horrible -2021-09-20 08:07:42.095 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.333333 -2021-09-20 08:07:42.096 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: also there was a stripling page who turned into a maid -Output Transcription: also there was a stripling page who turned into a mad -2021-09-20 08:07:42.097 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.090909 -2021-09-20 08:07:42.098 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: is he going to start a daily newspaper among the kick a poos -Output Transcription: is he going to start a daily newspaper among the kickapoo -2021-09-20 08:07:42.100 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.230769 -2021-09-20 08:07:42.100 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: heredity the cause of all our faults -Output Transcription: heredity the cause of all our faults -2021-09-20 08:07:42.100 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:07:42.100 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: and you belong to that small class who are happy -Output Transcription: and you belong to that small class who are happy -2021-09-20 08:07:42.101 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:07:42.103 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the man entered and took the papers sheet by sheet from the central table -Output Transcription: the man entered and took the papers sheet a sheet from the central table -2021-09-20 08:07:42.104 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.071429 -2021-09-20 08:07:42.106 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i have nothing to wear replied that demure person -Output Transcription: i have nothing to wear replied that the mere person -2021-09-20 08:07:42.107 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.222222 -2021-09-20 08:07:42.109 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: ambrose met me at the bottom of the stairs and showed me the way to the supper room -Output Transcription: ambrose met made the bottom of stairs and showed me the way to the supper room -2021-09-20 08:07:42.112 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.166667 -2021-09-20 08:07:42.113 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: he went here there and everywhere in perfect contentment -Output Transcription: he went here there and everywhere in perfect contentment -2021-09-20 08:07:42.113 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:07:42.114 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i shall be happy to take charge of them said sir ferdinando -Output Transcription: i shall be happy to take charge of them said sir fernando -2021-09-20 08:07:42.116 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.083333 -2021-09-20 08:07:42.117 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: but thou art not such a lover my beloved -Output Transcription: but thou art not such a lover my beloved -2021-09-20 08:07:42.117 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:07:42.118 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: straightway the hawk glided from his perch and darted after him -Output Transcription: straightway the hot glided from his perch and darted after him -2021-09-20 08:07:42.119 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.090909 -2021-09-20 08:07:42.121 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: don't worry sizzle dear it'll all come right pretty soon -Output Transcription: don't worryi sizzle dear it'll come ripe soon -2021-09-20 08:07:42.122 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.400000 -2021-09-20 08:07:42.122 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: one thinks one hears hydras talking -Output Transcription: one things one hears hydras talking -2021-09-20 08:07:42.123 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.166667 -2021-09-20 08:07:42.124 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the sight seers returned in high spirits from the city -Output Transcription: the sights years returned in high spirits from the city -2021-09-20 08:07:42.125 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.200000 -2021-09-20 08:07:42.128 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i took five great bracelets of gold from our treasure chest and gave them to him -Output Transcription: i took five great bracelets gold from our treasure chest and gave them to him -2021-09-20 08:07:42.130 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.062500 -2021-09-20 08:07:42.130 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the floor more than anything else showed the great age of the room -Output Transcription: the floor more than anything else showed the great age of the room -2021-09-20 08:07:42.131 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:07:42.131 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: in this whole epistle paul treats of the resurrection of christ -Output Transcription: in this whole epistle paul treats of the resurrection of christ -2021-09-20 08:07:42.131 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:07:42.133 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: my dragon's belly is never full and on board went the gold -Output Transcription: a dragon's belly is never full and on board went the gold -2021-09-20 08:07:42.134 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.083333 -2021-09-20 08:07:42.135 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: they said to the galatians you have no right to think highly of paul -Output Transcription: they said to the galatians you have no right to think highly of paul -2021-09-20 08:07:42.135 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:07:42.136 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: sir harry towne mister bartley alexander the american engineer -Output Transcription: sir harry town mister bartley alexander the american engineer -2021-09-20 08:07:42.137 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.111111 -2021-09-20 08:07:42.139 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: did you ever have such a lordly guest before i went on -Output Transcription: did you ever have such a lordly guessed before i went on -2021-09-20 08:07:42.140 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.083333 -2021-09-20 08:07:42.142 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: one of us always remains on board while the other is on shore -Output Transcription: one of us always remains on board while the others i'm sure -2021-09-20 08:07:42.144 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.307692 -2021-09-20 08:07:42.144 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: right willingly for between us we have won the battle answered robin -Output Transcription: right willingly for between us we have won the battle answered robin -2021-09-20 08:07:42.145 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:07:42.146 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: your play must be not merely a good play but a successful one -Output Transcription: your play must be not merely a good play but a successful one -2021-09-20 08:07:42.146 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:07:42.147 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: we think that by some little work or merit we can dismiss sin -Output Transcription: we think that by some little work or merit we can dismiss an -2021-09-20 08:07:42.149 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.076923 -2021-09-20 08:07:42.151 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: by the hammer of thor shouted grim here is no stingy coward -Output Transcription: by the hammer of thor shouted groom there is no stingy cower -2021-09-20 08:07:42.152 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.250000 -2021-09-20 08:07:42.153 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the ballet began the effect was more than beautiful -Output Transcription: the valley began the effect was more than beautiful -2021-09-20 08:07:42.154 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.111111 -2021-09-20 08:07:42.155 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: ojo examined this curious contrivance with wonder -Output Transcription: ojo examined this curious contrivance with wonder -2021-09-20 08:07:42.155 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:07:42.156 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: robin was glad when at length they were left to their own devices -Output Transcription: robin was glad when at length they were left to their own devices -2021-09-20 08:07:42.156 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:07:42.157 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: why bannister the servant what's his game in the matter -Output Transcription: why banister the servant what's his game in the matter -2021-09-20 08:07:42.159 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.100000 -2021-09-20 08:07:42.159 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: now you'll stay cried van say polly won't you -Output Transcription: now you'll stay cried man say polly won't you -2021-09-20 08:07:42.161 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.111111 -2021-09-20 08:07:42.161 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: don't insult me stanley by talking again as you did this morning -Output Transcription: don't insult me stanley by talking again as you did this morning -2021-09-20 08:07:42.161 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:07:42.162 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: robin entered the hut dragging the unwilling esquire after him -Output Transcription: robin entered the hut dragging the unwilling esquire after him -2021-09-20 08:07:42.163 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:07:42.163 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i shudder as i recall these monsters to my remembrance -Output Transcription: i shudder as i recall these monsters to my remembrance -2021-09-20 08:07:42.163 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:07:42.164 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: so choose for yourself to make a rush or tarry here -Output Transcription: so choose for yourself to make a rush or tarry here -2021-09-20 08:07:42.164 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:07:42.165 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: holmes held it out on his open palm in the glare of the electric light -Output Transcription: holmes held it out on his open palm in the glare of the electric light -2021-09-20 08:07:42.165 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:07:42.166 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: steam up and canvas spread the schooner started eastwards -Output Transcription: steam up in canvas spread the schooner started eastwards -2021-09-20 08:07:42.167 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.111111 -2021-09-20 08:07:42.167 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: it blazed up famously help help -Output Transcription: it blazed up famously help help -2021-09-20 08:07:42.168 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:07:42.168 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: but much of the novel's brooding power comes from captain nemo -Output Transcription: but much of the novel's brooding power comes from captain nemo -2021-09-20 08:07:42.169 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:07:42.169 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: hello stephanos here comes the dedalus -Output Transcription: hello stephanos here comes the daedalus -2021-09-20 08:07:42.170 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.166667 -2021-09-20 08:07:42.171 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the earth is not devoid of resemblance to a jail -Output Transcription: the earth is not devoid of resemblance to a hail -2021-09-20 08:07:42.172 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.100000 -2021-09-20 08:07:42.174 | INFO | deepspeech2x.model:test:372 - Error rate [wer] (768/?) = 0.083729 -2021-09-20 08:07:44.472 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: it's exciting to see everything growing so fast and to get the grass cut -Output Transcription: its exciting to see everything growing so fast and to get the grass cut -2021-09-20 08:07:44.474 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.071429 -2021-09-20 08:07:44.475 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: la valliere is quite a poetess said tonnay charente -Output Transcription: the vallee is quite a poetess said tony hart -2021-09-20 08:07:44.476 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.444444 -2021-09-20 08:07:44.477 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: on august twenty seventh eighteen thirty seven she writes -Output Transcription: on august twenty seventh eighteen thirty seven she writes -2021-09-20 08:07:44.477 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:07:44.477 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: cried the young ladies and they quickly put out the fire -Output Transcription: cried the young ladies and they quickly put out the fire -2021-09-20 08:07:44.477 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:07:44.478 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the rector did not ask for a catechism to hear the lesson from -Output Transcription: the rector did not ask for a catechism to hear the lesson from -2021-09-20 08:07:44.478 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:07:44.479 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: on the palm were three little pyramids of black doughy clay -Output Transcription: on the palm were three little pyramids of black dog clay -2021-09-20 08:07:44.480 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.090909 -2021-09-20 08:07:44.481 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: exclaimed servadac keeping his eye unmoved at his telescope -Output Transcription: exclaimed serva dac keeping his eye unmoved at his telescope -2021-09-20 08:07:44.482 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.222222 -2021-09-20 08:07:44.482 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: you haven't seen any of them no sir -Output Transcription: you haven't seen any of them no sir -2021-09-20 08:07:44.483 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:07:44.483 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: it's not particularly rare she said but some of it was my mother's -Output Transcription: it's not particularly rare she said but some of it was my mother's -2021-09-20 08:07:44.483 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:07:44.483 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the democratic committee figured out a way to do this -Output Transcription: the democratic committee figured out a way to do this -2021-09-20 08:07:44.484 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:07:44.484 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: heaven a good place to be raised to -Output Transcription: heaven a good place to be raised to -2021-09-20 08:07:44.484 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:07:44.484 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: but it was not the fir tree that they meant -Output Transcription: but it was not the fir tree that they meant -2021-09-20 08:07:44.485 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:07:44.486 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: it was better for him to think the girl unfeeling than to know the truth -Output Transcription: it was better for him to think the girl unfeeling at another truth -2021-09-20 08:07:44.488 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.266667 -2021-09-20 08:07:44.489 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i won't tremble to morrow thought the fir tree -Output Transcription: i won't tremble tomorrow thought the fir tree -2021-09-20 08:07:44.490 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.222222 -2021-09-20 08:07:44.491 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i pray for you but that's not the same as if you prayed yourself -Output Transcription: i pray for you but that's not the same as if you played yourself -2021-09-20 08:07:44.493 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.071429 -2021-09-20 08:07:44.494 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: from the blackness behind the light they heard a voice warrenton's -Output Transcription: from the blackness behind the light they heard a voice warrenton -2021-09-20 08:07:44.495 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.090909 -2021-09-20 08:07:44.496 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: husband the next thing to a wife -Output Transcription: husband the next thing to a wife -2021-09-20 08:07:44.496 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:07:44.496 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: she poured into the dish a quantity from each of these bottles -Output Transcription: she poured into the dish a quantity from each of these bottles -2021-09-20 08:07:44.496 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:07:44.498 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i have been here this quarter of an hour replied la valliere -Output Transcription: i have been here this quarter of an hour replied lavalier -2021-09-20 08:07:44.499 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.166667 -2021-09-20 08:07:44.499 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: hussy woman and bond tie -Output Transcription: hussy woman and born tie -2021-09-20 08:07:44.500 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.200000 -2021-09-20 08:07:44.501 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: but there's father the barn sir if he'd be of any use -Output Transcription: but there's father and barn sir if he'd be of any use -2021-09-20 08:07:44.503 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.083333 -2021-09-20 08:07:44.503 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: to ask any more questions of you i believe would be unfair -Output Transcription: to ask any more questions of you i believe would be unfair -2021-09-20 08:07:44.503 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:07:44.504 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: he looked up rather ungraciously but motioned them to be seated -Output Transcription: he looked up rather ungracious ly but motioned them to be seated -2021-09-20 08:07:44.506 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.181818 -2021-09-20 08:07:44.507 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the great hawk followed hurriedly to retrieve his prey from the ground -Output Transcription: the great hawk fouled hurriedly to retrieve his prey from the ground -2021-09-20 08:07:44.508 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.083333 -2021-09-20 08:07:44.509 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: they say illumination by candle light is the prettiest in the world -Output Transcription: they say illumination by candlelight is the prettiest in the world -2021-09-20 08:07:44.511 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.166667 -2021-09-20 08:07:44.513 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: why should the mistress of the vales of har utter a sigh -Output Transcription: why should the mistress of the veils of her utter a sigh -2021-09-20 08:07:44.514 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.166667 -2021-09-20 08:07:44.515 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: out in the woods stood a nice little fir tree -Output Transcription: out in the woods stood a nice little fur tree -2021-09-20 08:07:44.517 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.100000 -2021-09-20 08:07:44.518 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: alexander rose and shook himself angrily yes i know i'm cowardly -Output Transcription: elegant rose and shook himself angrily yes i know i'm cowardly -2021-09-20 08:07:44.519 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.090909 -2021-09-20 08:07:44.520 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: several hundred free state men promptly responded to the summons -Output Transcription: several hundred free state men promptly responded to the summons -2021-09-20 08:07:44.520 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:07:44.521 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: he is called as you know the apostle of the indies -Output Transcription: he is called as you know the apostle of the indies -2021-09-20 08:07:44.522 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:07:44.522 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: indeed he had looked away with the purpose of not seeing it -Output Transcription: indeed he had looked away with the purpose of not seeing it -2021-09-20 08:07:44.523 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:07:44.523 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: dorcas in her strange way was moved -Output Transcription: dorcas in her strange way was moved -2021-09-20 08:07:44.523 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:07:44.523 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the goat's warlike spirit was roused by this successful attack -Output Transcription: the goat's warlike spirit was roused by this successful attack -2021-09-20 08:07:44.524 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:07:44.525 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: don't mind it polly whispered jasper twasn't her fault -Output Transcription: don't mind it polly whispered jasper wasn't her fault -2021-09-20 08:07:44.526 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.111111 -2021-09-20 08:07:44.527 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: no names please said holmes as we knocked at gilchrist's door -Output Transcription: no names please said holmes as we knocked a gilchrist or -2021-09-20 08:07:44.529 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.272727 -2021-09-20 08:07:44.529 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: to be or not to be that is the question whether tis nobler -Output Transcription: to be or not to be that is the question whether tis nobler -2021-09-20 08:07:44.530 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:07:44.531 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: it is sixteen years since john bergson died -Output Transcription: it is sixteen years since john burges and died -2021-09-20 08:07:44.532 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.250000 -2021-09-20 08:07:44.533 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: rejoice in thy own fresh youth -Output Transcription: rejoice in my own fresh youth -2021-09-20 08:07:44.533 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.166667 -2021-09-20 08:07:44.534 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: lieutenant crosstrees is a very gallant officer -Output Transcription: lieutenant cross trees is a very gallant officer -2021-09-20 08:07:44.535 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.285714 -2021-09-20 08:07:44.535 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: we have heard something of your story said kenneth and are interested in it -Output Transcription: we have heard something of your story said kenneth and are interested in it -2021-09-20 08:07:44.536 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:07:44.536 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: there seems no good reason for believing that it will change -Output Transcription: there seems no good reason for believing that it will change -2021-09-20 08:07:44.537 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:07:44.539 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: it is the only amends i ask of you for the wrong you have done me -Output Transcription: it is the only immense i ask of you for the wrong you have done me -2021-09-20 08:07:44.542 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.062500 -2021-09-20 08:07:44.543 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: if a fellow's been a little bit wild he's beelzebub at once -Output Transcription: if a fellow's been a little bit wild his bonds above at once -2021-09-20 08:07:44.545 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.250000 -2021-09-20 08:07:44.546 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: he unlocked the door and called here's visitors tom -Output Transcription: he unlocked the door and called here's visitors tom -2021-09-20 08:07:44.546 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:07:44.546 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: why it's goliath as usual they both cried peering in -Output Transcription: why it's goliath as usual they both cried peering in -2021-09-20 08:07:44.547 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:07:44.547 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: sir kennington oval is a very fine player said my wife -Output Transcription: sir kennington oval is a very fine player said my wife -2021-09-20 08:07:44.547 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:07:44.548 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i haven't had a chance yet to tell you what a jolly little place i think this is -Output Transcription: i haven't had a chance yet to tell you what a jolly little place i think this is -2021-09-20 08:07:44.548 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:07:44.550 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: when did you come bartley and how did it happen you haven't spoken a word -Output Transcription: why did you come partly and how did it happen you haven't spoken a word -2021-09-20 08:07:44.553 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.133333 -2021-09-20 08:07:44.553 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the departure was not at all agreeable -Output Transcription: the departure was not at all agreeable -2021-09-20 08:07:44.553 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:07:44.554 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: watson i have always done you an injustice there are others -Output Transcription: watson i have always done you an injustice there are others -2021-09-20 08:07:44.555 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:07:44.556 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: he mentions the apostles first because they were appointed directly by god -Output Transcription: he mentions the apostles first because they are pointed directly by god -2021-09-20 08:07:44.558 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.166667 -2021-09-20 08:07:44.558 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i had a horrid dream about him last night that -Output Transcription: i had a horrid dream about him last night that -2021-09-20 08:07:44.558 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:07:44.559 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: but was that all her reward one of the ladies asked -Output Transcription: but was that all her reward one of the ladies asked -2021-09-20 08:07:44.559 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:07:44.559 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: uncas cast his skin and stepped forth in his own beautiful proportions -Output Transcription: uncas cast his skin and stepped forth in his own beautiful proportions -2021-09-20 08:07:44.560 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:07:44.560 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: and towards christmas he was one of the first that was cut down -Output Transcription: and towards christmas he was one of the first that was cut down -2021-09-20 08:07:44.561 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:07:44.561 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the arrow pierced his heart and wounded him mortally -Output Transcription: the arrow pierced his heart and wounded him mortally -2021-09-20 08:07:44.562 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:07:44.562 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: as used in the speech of everyday life the word carries an undertone of deprecation -Output Transcription: as used in the speech of everyday life the word carries an undertone of deprecation -2021-09-20 08:07:44.562 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:07:44.563 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: most of all robin thought of his father what would he counsel -Output Transcription: most of all robin thought of his father what would he counsel -2021-09-20 08:07:44.563 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:07:44.564 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: they regained their apartment apparently without disturbing the household of gamewell -Output Transcription: they regained their apartment apparently without disturbing the household of gamewell -2021-09-20 08:07:44.564 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:07:44.564 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: to all these inquiries the count responded in the affirmative -Output Transcription: to all these inquiries the count responded in the affirmative -2021-09-20 08:07:44.565 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:07:44.567 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: not once did he comment on the length or the hardships of a journey -Output Transcription: not once did he comment on the length or the hardships of the journey -2021-09-20 08:07:44.568 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.071429 -2021-09-20 08:07:44.569 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i like you still rachel i'm sure i'll always like you -Output Transcription: i like you still rachel i'm sure i'll always like you -2021-09-20 08:07:44.569 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:07:44.570 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i thought it therefore my duty when i left school to become a governess -Output Transcription: i thought it therefore my duty when i left school to become a governess -2021-09-20 08:07:44.570 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:07:44.573 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: he shall not leave you day or night whether you are working or playing or sleeping -Output Transcription: you shall not leave you day or night whether you were working or playing or sleeping -2021-09-20 08:07:44.575 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.125000 -2021-09-20 08:07:44.576 | INFO | deepspeech2x.model:test:372 - Error rate [wer] (832/?) = 0.082196 -2021-09-20 08:07:46.990 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the young man is in bondage and much i fear his death is decreed -Output Transcription: the young man is in bondage and much i fear his death is decreed -2021-09-20 08:07:46.991 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:07:46.992 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: that was but rustling of dripping plants in the dark -Output Transcription: that was but rustling of tripping plants in the dark -2021-09-20 08:07:46.993 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.100000 -2021-09-20 08:07:46.994 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: madame quinson besides can answer your enquiries -Output Transcription: madame when a besides can answer your inquiries -2021-09-20 08:07:46.995 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.428571 -2021-09-20 08:07:46.996 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i reside in the marais rue de douze portes -Output Transcription: i reside in the mare grew did this port -2021-09-20 08:07:46.997 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.555556 -2021-09-20 08:07:46.997 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: we have never understood this sort of objections -Output Transcription: we have never understood this sort of objections -2021-09-20 08:07:46.997 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:07:46.997 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: yes so they said but that would i think have been worse -Output Transcription: yes so they said but that would i think have been worse -2021-09-20 08:07:46.998 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:07:46.998 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: it was a deliberate theft from his employers to protect a girl he loved -Output Transcription: it was a deliberate theft from his employers to protect a girl he loved -2021-09-20 08:07:46.998 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:07:46.998 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: he is my esquire excellency returned robin with dignity -Output Transcription: he is my esquire excellency returned robin with dignity -2021-09-20 08:07:46.999 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:07:47.001 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: they were received in the little office by a man named markham who was the jailer -Output Transcription: they were received in the little office by a man named marcum who was the jailer -2021-09-20 08:07:47.003 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.062500 -2021-09-20 08:07:47.003 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: just smell the wild roses they are always so spicy after a rain -Output Transcription: just smell the wild roses they are always so spicy after a rain -2021-09-20 08:07:47.004 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:07:47.004 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: if she does not know how to estimate her own value i do -Output Transcription: if she does not know how to estimate her own value i do -2021-09-20 08:07:47.004 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:07:47.005 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: a montfichet a montfichet gamewell to the rescue -Output Transcription: a mortice or montrachet game well to the rescue -2021-09-20 08:07:47.006 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.625000 -2021-09-20 08:07:47.008 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: so i lived and now am your tooth thrall well it is the luck of war -Output Transcription: so i lived and now in your tooth thrall well it is the luck of war -2021-09-20 08:07:47.010 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.062500 -2021-09-20 08:07:47.010 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: there's one and there's another the dudley and the flint -Output Transcription: there's one and there's another the dudley and the flint -2021-09-20 08:07:47.011 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:07:47.012 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: oh no jasper i must go by my very own self -Output Transcription: oh no chapter i must go by my very own self -2021-09-20 08:07:47.013 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.090909 -2021-09-20 08:07:47.014 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: and emil mowed his way slowly down toward the cherry trees -Output Transcription: and a meal made his way slowly down toward the cherry trees -2021-09-20 08:07:47.016 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.272727 -2021-09-20 08:07:47.016 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i know no such place said the tree -Output Transcription: i know no such place said the tree -2021-09-20 08:07:47.016 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:07:47.017 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i was in such a hurry to come to you you left your door open -Output Transcription: i was in such a hurry to come to you you left your door open -2021-09-20 08:07:47.017 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:07:47.018 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: nothing new weather unchanged the wind freshens -Output Transcription: nothing new whether unchanged the wind freshens -2021-09-20 08:07:47.018 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.142857 -2021-09-20 08:07:47.019 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: and fearest thou because i vanish and am seen no more -Output Transcription: and first thou because i vanish and am see no more -2021-09-20 08:07:47.020 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.181818 -2021-09-20 08:07:47.022 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: so i will give out this law that my men shall never leave you alone -Output Transcription: so i will give up this law that my men shall never leave you alone -2021-09-20 08:07:47.024 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.066667 -2021-09-20 08:07:47.025 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: a cold lucid indifference reigned in his soul -Output Transcription: a cold lucid indifference reigned in his soul -2021-09-20 08:07:47.025 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:07:47.025 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i am my dear and all strangers are welcome to my home -Output Transcription: i am my dear and all strangers are welcome to my home -2021-09-20 08:07:47.026 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:07:47.028 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: well i'm going as an engineer you can go as one -Output Transcription: well i'm going as an engineer you could go as one -2021-09-20 08:07:47.029 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.090909 -2021-09-20 08:07:47.029 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: he felt for and found the wizard's black cloth the squire was quite out of breath -Output Transcription: he felt for and found the wizard's black cloth the squire was quite out of breath -2021-09-20 08:07:47.029 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:07:47.029 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: that is a very fine cap you have he said -Output Transcription: that is a very fine cap you have he said -2021-09-20 08:07:47.030 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:07:47.031 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: when they were outside unc simply latched the door and started up the path -Output Transcription: when they were outside on simply elapsed the door and started up the path -2021-09-20 08:07:47.034 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.142857 -2021-09-20 08:07:47.034 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: there's many a one considerably older than i am -Output Transcription: there's many a one considerably older than i am -2021-09-20 08:07:47.034 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:07:47.036 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: he is not well he has come over the ocean for rest and change of scene -Output Transcription: he is not well he has come over the ocean for rest and change of scene -2021-09-20 08:07:47.036 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:07:47.036 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the livery becomes obnoxious to nearly all who are required to wear it -Output Transcription: the livery becomes obnoxious to nearly all who are required to wear it -2021-09-20 08:07:47.036 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:07:47.037 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: oh say that's different observed markham altering his demeanor -Output Transcription: i'll say that's different observed markham altering his demeanor -2021-09-20 08:07:47.038 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.111111 -2021-09-20 08:07:47.040 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: it might have seemed that a trout of this size was a fairly substantial meal -Output Transcription: min have seemed that a trout of this size was a fairly substantial meal -2021-09-20 08:07:47.042 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.133333 -2021-09-20 08:07:47.043 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the proof was in three long slips i had left them all together -Output Transcription: the proof was in three long slips i had left them all together -2021-09-20 08:07:47.044 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:07:47.045 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: it can't hurt anything i'm sure for we won't disturb things at all -Output Transcription: i can't hear anything i'm sure for we won't disturb things at all -2021-09-20 08:07:47.047 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.153846 -2021-09-20 08:07:47.048 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the air is heavy the sea is calm -Output Transcription: the air is heavy the sea is calm -2021-09-20 08:07:47.048 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:07:47.049 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: as our boat flashed down the rollers into the water i made this song and sang it -Output Transcription: as our boat flashed down the rollers into the water i made this song and sang it -2021-09-20 08:07:47.049 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:07:47.049 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: let us begin with that his commentary on galatians -Output Transcription: let us begin with that his commentary on galatians -2021-09-20 08:07:47.049 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:07:47.051 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: their sufferings have never yet been fitly chronicled by human scribe -Output Transcription: their sufferings have never yet been fiddly chronicle by human scribe -2021-09-20 08:07:47.052 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.181818 -2021-09-20 08:07:47.053 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: that is why we cry education science -Output Transcription: that is why we cry education science -2021-09-20 08:07:47.053 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:07:47.055 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: he was like unto my father in a way and yet was not my father -Output Transcription: he was like my father in a way and yet was not my father -2021-09-20 08:07:47.057 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.066667 -2021-09-20 08:07:47.058 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: what is your name lording asked the little stroller presently -Output Transcription: what is your name lording asked the little stroller presently -2021-09-20 08:07:47.058 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:07:47.060 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: and why it scatters its bright beauty thro the humid air -Output Transcription: and why it scatters its bright beauty through the humid air -2021-09-20 08:07:47.061 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.090909 -2021-09-20 08:07:47.062 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: above all things i desire to settle the matter quietly and discreetly -Output Transcription: above all things i desire to settle the matter quietly and discreetly -2021-09-20 08:07:47.062 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:07:47.063 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: he worked me very hard he wanted to be beating me all the time -Output Transcription: he worked me very hard he wanted to be beating me all the time -2021-09-20 08:07:47.063 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:07:47.063 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: our first impressions of people are in nine cases out of ten the right impressions -Output Transcription: our first impressions of people are in nine cases out of ten the right impressions -2021-09-20 08:07:47.064 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:07:47.064 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i had again been acting under the influence of this man's power -Output Transcription: i had again been acting under the influence of this man's power -2021-09-20 08:07:47.064 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:07:47.067 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: there was no chance to alter his sleeping room to one nearer to gamewell's chamber -Output Transcription: there was no chance to alter his sleeping room to one nearer to game wells chamber -2021-09-20 08:07:47.069 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.133333 -2021-09-20 08:07:47.071 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: exclaimed bill harmon to his wife as they went through the lighted hall -Output Transcription: exclaimed barreto his wife as they went through the light at hall -2021-09-20 08:07:47.077 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.384615 -2021-09-20 08:07:47.077 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: he was still suffering from this sudden disturbance of the quiet routine of his life -Output Transcription: he was still suffering from this sudden disturbance of the quiet routine of his life -2021-09-20 08:07:47.078 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:07:47.078 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: she asked impulsively i didn't believe you could persuade her father -Output Transcription: she asked impulsively i didn't believe you could persuade her father -2021-09-20 08:07:47.079 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:07:47.079 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: nothing more not even the wrist to which it might be attached -Output Transcription: nothing more not even the wrist to which it might be attached -2021-09-20 08:07:47.080 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:07:47.083 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: we will go out together to the bower there is a way down to the court from my window -Output Transcription: we will go out together to the power there is a way down to the court from my window -2021-09-20 08:07:47.086 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.052632 -2021-09-20 08:07:47.086 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: thank you rachel my cousin rachel my only friend -Output Transcription: thank you rachel my cousin rachel my only friend -2021-09-20 08:07:47.087 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:07:47.088 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: and i should begin with a short homily on soliloquy -Output Transcription: and i shall begin with a short homily on soliloquy -2021-09-20 08:07:47.089 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.100000 -2021-09-20 08:07:47.090 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: do not therefore think that the gothic school is an easy one -Output Transcription: do not therefore think that the gothic schools and easy one -2021-09-20 08:07:47.092 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.250000 -2021-09-20 08:07:47.092 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: will you leave me alone in my own room or must i go away to escape you -Output Transcription: will you leave me alone in my own room or must i go away to escape you -2021-09-20 08:07:47.093 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:07:47.093 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: that's not much of a job for an athlete here i've been to town and back -Output Transcription: that's not much of a job for an athlete here i've been to town and back -2021-09-20 08:07:47.094 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:07:47.095 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: in person welcome aboard professor your cabin is waiting for you -Output Transcription: in person welcome boy professor your cabin is waiting for you -2021-09-20 08:07:47.096 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.090909 -2021-09-20 08:07:47.097 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the bear shook his shaggy sides and then a well known voice replied -Output Transcription: the bear shook his shaggy sides and then a well known voice replied -2021-09-20 08:07:47.097 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:07:47.098 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: but how did she manage to render it so fashionable -Output Transcription: but how did she manage to render it so fashionable -2021-09-20 08:07:47.098 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:07:47.100 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: do you know i thought the dance a bit conscious to night for the first time -Output Transcription: you know i thought the dance of conscious tonight for the first time -2021-09-20 08:07:47.102 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.312500 -2021-09-20 08:07:47.104 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: well now ennis i declare you have a head and so has my stick -Output Transcription: well now is i declare you have a head and so has my stick -2021-09-20 08:07:47.105 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.071429 -2021-09-20 08:07:47.106 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: angor pain painful to hear -Output Transcription: anger pain painful to hear -2021-09-20 08:07:47.107 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.200000 -2021-09-20 08:07:47.109 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i like to talk to carl about new york and what a fellow can do there -Output Transcription: i like to talk to carl about new york on what a fellow can do there -2021-09-20 08:07:47.112 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.062500 -2021-09-20 08:07:47.113 | INFO | deepspeech2x.model:test:372 - Error rate [wer] (896/?) = 0.081355 -2021-09-20 08:07:50.293 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: come to me men here here he raised his voice still louder -Output Transcription: come to me men here here he raised his voice still louder -2021-09-20 08:07:50.294 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:07:50.295 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: good gracious has the king any right to interfere in matters of that kind -Output Transcription: good gracious as the king any right to interfere in matters of that kind -2021-09-20 08:07:50.297 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.071429 -2021-09-20 08:07:50.298 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: but cap'n bill made no such attempt knowing it would be useless -Output Transcription: but cap'n bill made no such attempt knowing it would be useless -2021-09-20 08:07:50.298 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:07:50.299 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: said another voice which i recognized as voltaire's kaffar -Output Transcription: said another voice which i recognized as vultures car -2021-09-20 08:07:50.300 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.222222 -2021-09-20 08:07:50.300 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: lend me your ear for ten minutes and you shall learn just what stagecraft is -Output Transcription: lend me your ear for ten minutes and you shall learn just what stagecraft is -2021-09-20 08:07:50.301 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:07:50.301 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i felt it in my bones when i woke this morning that something splendid was going to turn up -Output Transcription: i felt it in my bones when i woke this morning that something splendid was going to turn up -2021-09-20 08:07:50.301 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:07:50.301 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: there there he said soothingly patting her brown fuzzy head -Output Transcription: there there he said soothingly patting her brown fuzzy head -2021-09-20 08:07:50.301 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:07:50.302 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: before them fled the stroller and his three sons capless and terrified -Output Transcription: before them fled the stroller and his three sons capless and terrified -2021-09-20 08:07:50.302 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:07:50.303 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: were i in the warm room with all the splendor and magnificence -Output Transcription: where i and the warm room with all that splendour and magnificence -2021-09-20 08:07:50.305 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.333333 -2021-09-20 08:07:50.307 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: hers happened to be in the same frame too but she evidently didn't care about that -Output Transcription: hers happened to be on the same frame too but she evidently didn't care about it -2021-09-20 08:07:50.309 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.125000 -2021-09-20 08:07:50.309 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: does your majesty then no longer believe the disloyal attempt -Output Transcription: does your majesty then no longer believe the disloyal attempt -2021-09-20 08:07:50.310 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:07:50.311 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the duchess of southbridge to lord reggie oh reggie what did you say -Output Transcription: the doctors of southbridge to lord reggie already what did you say -2021-09-20 08:07:50.312 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.230769 -2021-09-20 08:07:50.313 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i will take the black clay with me also the pencil cuttings good bye -Output Transcription: i will take the black clay with me also the pencil cuttings good bye -2021-09-20 08:07:50.313 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:07:50.315 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: is thy father willing thee should go away to a school of the world's people -Output Transcription: is thy father willing they should go away to a school of the world's people -2021-09-20 08:07:50.317 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.066667 -2021-09-20 08:07:50.318 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: who is humpy dumpy asked the mice -Output Transcription: who is hump don't p asked the ice -2021-09-20 08:07:50.318 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.571429 -2021-09-20 08:07:50.319 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: milligram roughly one twenty eight thousand of an ounce -Output Transcription: milligram roughly one twenty eight thousand of an as -2021-09-20 08:07:50.320 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.111111 -2021-09-20 08:07:50.320 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: you left him in a chair you say which chair by the window there -Output Transcription: you left him in a chair you say which chair by the window there -2021-09-20 08:07:50.321 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:07:50.322 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the squares of cotton sharp edged heavy were just about to burst to bolls -Output Transcription: the squares of cotton sharp edged heavy we're just about to purse to balls -2021-09-20 08:07:50.324 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.214286 -2021-09-20 08:07:50.324 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: he was in deep converse with the clerk and entered the hall holding him by the arm -Output Transcription: he was in deep converse with the clerk and entered the hall holding him by the arm -2021-09-20 08:07:50.325 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:07:50.326 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: nay nay lording answered warrenton with a half laugh -Output Transcription: nay nay luring answered warrenton with a half laugh -2021-09-20 08:07:50.326 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.111111 -2021-09-20 08:07:50.328 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: well well don't trouble to answer listen and see that i do you no injustice -Output Transcription: well out don't trouble to answer listen and see that i do you know injustice -2021-09-20 08:07:50.330 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.133333 -2021-09-20 08:07:50.331 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: he seemed born to please without being conscious of the power he possessed -Output Transcription: he seemed born to please without being conscious of the power he possessed -2021-09-20 08:07:50.331 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:07:50.332 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: certainly sire but i must have money to do that what -Output Transcription: certainly sir but i must have money to do that what -2021-09-20 08:07:50.333 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.090909 -2021-09-20 08:07:50.334 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: alas i have grieved so i am hard to love -Output Transcription: alas i have grieved so i am hard to love -2021-09-20 08:07:50.334 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:07:50.334 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: again he searched his own thoughts nor ineffectually as before -Output Transcription: again he searched his own thoughts nor ineffectually as before -2021-09-20 08:07:50.335 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:07:50.335 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the hair was of brown yarn and hung down on her neck in several neat braids -Output Transcription: the hair was of brown yarn and hung down on her neck in several neat braids -2021-09-20 08:07:50.335 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:07:50.338 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: don't i though i'm so sorry to hear it how did her son turn out -Output Transcription: don't i though am so sorry to hear it how did her son turn out -2021-09-20 08:07:50.340 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.066667 -2021-09-20 08:07:50.340 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: length of service fourteen years three months and five days -Output Transcription: length of service fourteen years three months and five days -2021-09-20 08:07:50.341 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:07:50.341 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: like as not young master though i am an old man -Output Transcription: like as not young master though i am an old man -2021-09-20 08:07:50.341 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:07:50.342 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i had to read it over carefully as the text must be absolutely correct -Output Transcription: i had to read it over carefully as the text must be absolutely correct -2021-09-20 08:07:50.342 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:07:50.344 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: we are quite satisfied now captain battleax said my wife -Output Transcription: we are quite satisfied now captain battle axe said my wife -2021-09-20 08:07:50.346 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.200000 -2021-09-20 08:07:50.347 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: descend o little cloud and hover before the eyes of thel -Output Transcription: to send a little cloud and hovered before the eyes of hell -2021-09-20 08:07:50.348 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.454545 -2021-09-20 08:07:50.349 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: why an ear a whirlpool fierce to draw creations in -Output Transcription: why an ear a whirlpool fierce to draw creations in -2021-09-20 08:07:50.349 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:07:50.351 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i'm sure alexandra hopes you will stay on here she murmured -Output Transcription: i am sure alexander helps you will stay on here she murmured -2021-09-20 08:07:50.353 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.363636 -2021-09-20 08:07:50.353 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: won't you run into the house and see if martha can't spare one or two more maids -Output Transcription: won't you run into the house and see if martha can't spare one or two more maids -2021-09-20 08:07:50.353 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:07:50.354 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i will ask the least imaginable but i must have something -Output Transcription: i will ask the least imaginable but i must have something -2021-09-20 08:07:50.354 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:07:50.354 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: a more dreary and more disunited family party i never sat at the table with -Output Transcription: a more dreary and more disunited family party i never sat at the table with -2021-09-20 08:07:50.355 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:07:50.356 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: anyhow we'll leave instructions to ship the whole menagerie to france -Output Transcription: anyhow we'll leave instructions to ship the whole menagerie to france -2021-09-20 08:07:50.356 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:07:50.357 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: what can you mean by that miss woodley you talk mysteriously -Output Transcription: what can you mean by that miss woodley you talk mysteriously -2021-09-20 08:07:50.357 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:07:50.357 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: those huge creatures attacked each other with the greatest animosity -Output Transcription: those huge creatures attacked each other with the greatest animosity -2021-09-20 08:07:50.358 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:07:50.360 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: he called this sea a pond and our long voyage taking a little sail -Output Transcription: he called the sea upon and or long for wage taking a little sail -2021-09-20 08:07:50.361 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.428571 -2021-09-20 08:07:50.362 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: a word should now be said about the origin of luther's commentary on galatians -Output Transcription: a word should now be said about the origin of luther's commentary on galatians -2021-09-20 08:07:50.363 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:07:50.364 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: he keeps the thou shalt not commandments first rate hen lord does -Output Transcription: he keeps that thou shalt not commandments first rate and lord does -2021-09-20 08:07:50.366 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.166667 -2021-09-20 08:07:50.366 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the moment i looked at my table i was aware that someone had rummaged among my papers -Output Transcription: the moment i looked at my table i was aware that someone had rummaged among my papers -2021-09-20 08:07:50.367 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:07:50.367 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: perhaps the other trees from the forest will come to look at me -Output Transcription: perhaps the other trees from the forest will come to look at me -2021-09-20 08:07:50.368 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:07:50.369 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i cannot deny myself the gratification of inserting southey's reply -Output Transcription: i cannot deny myself the gratification of inserting so these reply -2021-09-20 08:07:50.371 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.200000 -2021-09-20 08:07:50.371 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: no doubt in process of time the ladies will follow -Output Transcription: no doubt in process of time the ladies will follow -2021-09-20 08:07:50.371 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:07:50.372 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: and in this last action he falls into the classic sin of pride -Output Transcription: and in this last action he falls into the classic sin of pride -2021-09-20 08:07:50.372 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:07:50.372 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i am very uneasy about it whatever it is i can't help it -Output Transcription: i am very uneasy about it whatever it is i can't help it -2021-09-20 08:07:50.373 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:07:50.374 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: each day has its own great grief or its little care -Output Transcription: each day has its own great green for its little care -2021-09-20 08:07:50.376 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.181818 -2021-09-20 08:07:50.378 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: then i will get me a farm and will winter in that land now who will follow me -Output Transcription: then i will get me a farm will winner in that land now who will follow me -2021-09-20 08:07:50.381 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.111111 -2021-09-20 08:07:50.383 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: and he made a little dip of his cane towards brandon hall over his shoulder -Output Transcription: and he made a little dip of his cane towards branded all over his shoulder -2021-09-20 08:07:50.385 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.133333 -2021-09-20 08:07:50.386 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: this knowledge is memory in one sense though in another it is not -Output Transcription: this knowledge is memory in one sense though in another it is not -2021-09-20 08:07:50.386 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:07:50.387 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: and what was the subject of the poem said the person who made the remark -Output Transcription: and what was the subject of the poem said the person who made the remark -2021-09-20 08:07:50.387 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:07:50.389 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the hours passed wearily by and movement could yet be heard about the hall -Output Transcription: the hours past wearily by and movement could yet be heard about the hall -2021-09-20 08:07:50.391 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.071429 -2021-09-20 08:07:50.394 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: he might have had that forged check for the face of it if he'd been sharp -Output Transcription: he might have had that for check for the face of it if he'd been sharp -2021-09-20 08:07:50.396 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.062500 -2021-09-20 08:07:50.396 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: john taylor who had supported her through college was interested in cotton -Output Transcription: john taylor who had supported her through college was interested in cotton -2021-09-20 08:07:50.397 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:07:50.397 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: people suffer in the light excess burns -Output Transcription: people suffer in the light excess burns -2021-09-20 08:07:50.398 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:07:50.399 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: come forth worm and the silent valley to thy pensive queen -Output Transcription: come forth worm in the silent valley to thy pensive queen -2021-09-20 08:07:50.400 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.090909 -2021-09-20 08:07:50.402 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: that a style is restrained or severe does not mean that it is also erroneous -Output Transcription: that style is restrained or severe does not mean that it is also erroneous -2021-09-20 08:07:50.404 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.066667 -2021-09-20 08:07:50.404 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: it was the indian whose dark silhouette appeared suddenly upon his blind -Output Transcription: it was the indian whose dark silhouette appeared suddenly upon his blind -2021-09-20 08:07:50.405 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:07:50.407 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: then she gave a little laugh and replied no miss beth i'm elizabeth parsons -Output Transcription: then she gave a little laugh and replied no miss beth am elizabeth parsons -2021-09-20 08:07:50.409 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.071429 -2021-09-20 08:07:50.410 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: vast importance and influence of this mental furnishing -Output Transcription: vast importance and influence of this mental furnishing -2021-09-20 08:07:50.410 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:07:50.412 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: servadac took it for granted that the dobryna was endeavoring to put in -Output Transcription: serv adac took it for granted that the dorina was endeavoring to put in -2021-09-20 08:07:50.414 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.230769 -2021-09-20 08:07:50.415 | INFO | deepspeech2x.model:test:372 - Error rate [wer] (960/?) = 0.080820 -2021-09-20 08:07:53.731 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: that won't last it will go away and things will be just as they used to -Output Transcription: that won't last it will go away and things will be just as they used to -2021-09-20 08:07:53.732 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:07:53.732 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: a new member of the family circle who instantly attracted my attention entered the room -Output Transcription: a new member of the family circle who instantly attracted my attention entered the room -2021-09-20 08:07:53.732 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:07:53.733 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: come and get the boolooroo she said going toward the benches -Output Transcription: come and get the coolaroo she said going toward the benches -2021-09-20 08:07:53.735 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.090909 -2021-09-20 08:07:53.735 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: consumption becomes a larger element in the standard of living in the city than in the country -Output Transcription: consumption becomes a larger element in the standard of living in the city than in the country -2021-09-20 08:07:53.735 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:07:53.735 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: he spoke simply but paced up and down the narrow cell in front of them -Output Transcription: he spoke simply but paced up and down the narrow cell in front of them -2021-09-20 08:07:53.736 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:07:53.737 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: so there is to me added sandford with a sarcastic sneer -Output Transcription: so there is to me added sanford with a sarcastic near -2021-09-20 08:07:53.738 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.181818 -2021-09-20 08:07:53.738 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: thy ways greatly try me ruth and all thy relations -Output Transcription: thy ways greatly try me ruth and all thy relations -2021-09-20 08:07:53.739 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:07:53.741 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: we'll come in here this afternoon with old clothes on and have a regular house cleaning -Output Transcription: or come in here this afternoon with old clothes on and half a regular house cleaning -2021-09-20 08:07:53.743 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.125000 -2021-09-20 08:07:53.745 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: they asked him to come to see them in chelsea and they spoke very tenderly of hilda -Output Transcription: they asked him to come to see them in chelsea and they spoke very tenderly of helder -2021-09-20 08:07:53.748 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.058824 -2021-09-20 08:07:53.750 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: she blushed and smiled and fumbled his card in her confusion before she ran upstairs -Output Transcription: she blushed and smiled and followed his card in her confusion before she ran upstairs -2021-09-20 08:07:53.752 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.066667 -2021-09-20 08:07:53.753 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: socrates begins the timaeus with a summary of the republic -Output Transcription: sovereignties begins to tears with a summary of the republic -2021-09-20 08:07:53.754 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.300000 -2021-09-20 08:07:53.754 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the modern organization of industry works in the same direction also by another line -Output Transcription: the modern organization of industry works in the same direction also by another line -2021-09-20 08:07:53.754 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:07:53.754 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i am by no means old said the fir tree -Output Transcription: i am by no means old said the fir tree -2021-09-20 08:07:53.755 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:07:53.755 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: on friday confession will be heard all the afternoon after beads -Output Transcription: on friday confession will be heard all the afternoon after beads -2021-09-20 08:07:53.755 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:07:53.756 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: father thee's unjust to philip he's going into business -Output Transcription: father these unjust to philip he's going into business -2021-09-20 08:07:53.757 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.111111 -2021-09-20 08:07:53.759 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: tis fine for you to talk old man answered the lean sullen apprentice -Output Transcription: it is fine for you to talk old man answered the lean sullen apprentice -2021-09-20 08:07:53.760 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.153846 -2021-09-20 08:07:53.760 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the hawk sat upon the branch and watched his quarry swimming beneath the surface -Output Transcription: the hawk sat upon the branch and watched his quarry swimming beneath the surface -2021-09-20 08:07:53.761 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:07:53.761 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: and besides suppose thee does learn medicine -Output Transcription: and besides suppose the does lured medicine -2021-09-20 08:07:53.762 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.285714 -2021-09-20 08:07:53.762 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: it is possible that i may be in a position then to indicate some course of action -Output Transcription: it is possible that i may be in a position then to indicate some course of action -2021-09-20 08:07:53.762 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:07:53.764 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the only cheerful conversation was the conversation across the table between naomi and me -Output Transcription: the only cheerful conversation was the conversation across the table between a man me -2021-09-20 08:07:53.766 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.142857 -2021-09-20 08:07:53.766 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i'm running for representative on the republican ticket said kenneth quietly -Output Transcription: i'm running for representative on the republican ticket said kenneth quietly -2021-09-20 08:07:53.766 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:07:53.767 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: yes but the meridian of the palais royal is the most exact -Output Transcription: yes but the meridian of the palais royal is the most exact -2021-09-20 08:07:53.767 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:07:53.768 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the salient features of this development of domestic service have already been indicated -Output Transcription: the salon features of this development of domestic service have already been indicated -2021-09-20 08:07:53.770 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.076923 -2021-09-20 08:07:53.770 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: a feeling of freedom and i was awake where -Output Transcription: a feeling of freedom and i was awake where -2021-09-20 08:07:53.770 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:07:53.771 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: once fairly a wing however he wheeled and made back hurriedly for his perch -Output Transcription: once fairly a wing however he wheeled and made back hurriedly for his perch -2021-09-20 08:07:53.771 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:07:53.772 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: positively heroic added cresswell avoiding his sister's eyes -Output Transcription: positively heroic added criswell avoiding his sister's eyes -2021-09-20 08:07:53.773 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.125000 -2021-09-20 08:07:53.774 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: tis now winter out of doors thought the tree -Output Transcription: it is now winter out of doors thought the tree -2021-09-20 08:07:53.775 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.222222 -2021-09-20 08:07:53.776 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: this thought however did not enter the heads of the enthusiastic pair -Output Transcription: this thought however did not enter the heads of the enthusiastic pair -2021-09-20 08:07:53.776 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:07:53.776 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: not at all you are on the contrary most agreeable to me -Output Transcription: not at all you are on the contrary most agreeable to me -2021-09-20 08:07:53.777 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:07:53.778 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the others resented postponement but it was just his scruples that charmed me -Output Transcription: the others resented postponement but it was just his scruples the charmed me -2021-09-20 08:07:53.780 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.076923 -2021-09-20 08:07:53.780 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: it was on the last day of january that the repairs of the schooner were completed -Output Transcription: it was on the last day of january that the repairs of the schooner were completed -2021-09-20 08:07:53.781 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:07:53.781 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the shadow of the raft was clearly outlined upon the surface of the waves -Output Transcription: the shadow of the raft was clearly outlined upon the surface of the waves -2021-09-20 08:07:53.781 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:07:53.782 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i will if timaeus approves i approve -Output Transcription: i will it to me is approves i approve -2021-09-20 08:07:53.783 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.571429 -2021-09-20 08:07:53.784 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: never mind now interposed the captain we will talk of that by and by -Output Transcription: never mind now interposed the captain we will talk of that by and by -2021-09-20 08:07:53.784 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:07:53.786 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: we sat with the officers some little time after dinner and then went ashore -Output Transcription: we sat with the officer some little time after dinner and then went ashore -2021-09-20 08:07:53.788 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.071429 -2021-09-20 08:07:53.789 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: this was what did the mischief so far as the running away was concerned -Output Transcription: this was what did the mischief so far as the running away was concerned -2021-09-20 08:07:53.789 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:07:53.791 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: once in action he was leading a detachment of infantry through an intrenchment -Output Transcription: once an action he was leading a detachment of infantry through an entrenchment -2021-09-20 08:07:53.792 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.153846 -2021-09-20 08:07:53.793 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: you have come to us threatening us with absolute destruction -Output Transcription: you have come to us threatening us with absolute destruction -2021-09-20 08:07:53.793 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:07:53.795 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: fairview was twelve miles away but by ten o'clock they drew up at the county jail -Output Transcription: fairview is twelve miles away but by ten o'clock they drew up at the county trail -2021-09-20 08:07:53.798 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.125000 -2021-09-20 08:07:53.798 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i suppose though it's too early for them then came the explosion -Output Transcription: i suppose though it's too early for them then came the explosion -2021-09-20 08:07:53.798 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:07:53.799 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: yes but perhaps i frightened her in what way -Output Transcription: yes but perhaps i frightened her in what way -2021-09-20 08:07:53.799 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:07:53.801 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: you see my friend it's an issue of the monster the notorious narwhale -Output Transcription: you see my friend it's an issue of the monster that notorious narwhal -2021-09-20 08:07:53.803 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.153846 -2021-09-20 08:07:53.803 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: pearl saw and gazed intently but never sought to make acquaintance -Output Transcription: pearl saw and gazed intently but never sought to make acquaintance -2021-09-20 08:07:53.803 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:07:53.806 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: and if i had a fortune would thee want me to lead a useless life -Output Transcription: and if i had a fortune would he want me to lead a useless life -2021-09-20 08:07:53.808 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.066667 -2021-09-20 08:07:53.809 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the phrase and the day and the scene harmonized in a chord -Output Transcription: the phrase and the day and the scene harmonized in accord -2021-09-20 08:07:53.811 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.166667 -2021-09-20 08:07:53.812 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: you see loving some one as i love you makes the whole world different -Output Transcription: you see loving someone as i love you mix the whole world different -2021-09-20 08:07:53.814 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.214286 -2021-09-20 08:07:53.815 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: olive's mournful black eyes met nancy's sparkling brown ones -Output Transcription: olives mournful black eyes meant nancy sparkling brown lands -2021-09-20 08:07:53.816 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.444444 -2021-09-20 08:07:53.816 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: a cold bright moon was shining with clear sharp lights and shadows -Output Transcription: a cold bright moon was shining with clear sharp lights and shadows -2021-09-20 08:07:53.817 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:07:53.817 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: it is necessary therefore that he should comply the king frowned -Output Transcription: it is necessary therefore that he should comply the king frowned -2021-09-20 08:07:53.818 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:07:53.818 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: but this was what the tree could not bear to hear -Output Transcription: but this was what the tree could not bear to hear -2021-09-20 08:07:53.819 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:07:53.820 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: is thee going to the yearly meeting ruth asked one of the girls -Output Transcription: is the going to the yearly meeting ruth asked one of the girls -2021-09-20 08:07:53.822 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.076923 -2021-09-20 08:07:53.822 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: but the plant ran and it was the first three wire station in this country -Output Transcription: but the plant ran and it was the first three wire station in this country -2021-09-20 08:07:53.823 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:07:53.825 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: what of the farm olaf not yet i answered viking is better for summer -Output Transcription: what is the farm all off not yet i answered biking is better for summer -2021-09-20 08:07:53.827 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.285714 -2021-09-20 08:07:53.829 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: some girl has been here twice to interview my men and i have refused to admit her -Output Transcription: some girl has been in here twice to interview my men and i have refused to admit her -2021-09-20 08:07:53.832 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.058824 -2021-09-20 08:07:53.833 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: we ought to have more attendants beth said louise approaching her cousin -Output Transcription: we ought to have more attendants beth said louise approaching her cousin -2021-09-20 08:07:53.833 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:07:53.836 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: as a matter of fact he could not said soames for i entered by the side door -Output Transcription: as a matter of fact he could not said solms for i entered by the side door -2021-09-20 08:07:53.838 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.058824 -2021-09-20 08:07:53.840 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: master monceux the sheriff of nottingham was mightily put about when told of the rioting -Output Transcription: master monceau the sheriff of nottingham was mightily put about when told of the rioting -2021-09-20 08:07:53.843 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.066667 -2021-09-20 08:07:53.843 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: nature of the effect produced by early impressions -Output Transcription: nature of the effect produced by early impressions -2021-09-20 08:07:53.843 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:07:53.844 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the army found the people in poverty and left them in comparative wealth -Output Transcription: the army found the people in poverty and left them in comparative wealth -2021-09-20 08:07:53.844 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:07:53.846 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: you hear what sir ferdinando brown has said replied captain battleax -Output Transcription: you hear what sir ferdinand o brown a sad replied captain battle axe -2021-09-20 08:07:53.847 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.545455 -2021-09-20 08:07:53.849 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: can you imagine why buckingham has been so violent i suspect -Output Transcription: can you imagine my buckingham has been so violent i suspect -2021-09-20 08:07:53.850 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.090909 -2021-09-20 08:07:53.851 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: there is even a white row of beehives in the orchard under the walnut trees -Output Transcription: there is even a white row of beehives in the orchard under the walnut trees -2021-09-20 08:07:53.851 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:07:53.851 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i am not depreciating it when i say that in these times it is not rare -Output Transcription: i am not depreciating it when i say that in these times it is not rare -2021-09-20 08:07:53.852 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:07:53.852 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the servants as well as the young ladies decorated it -Output Transcription: the servants as well as the young ladies decorated it -2021-09-20 08:07:53.852 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:07:53.853 | INFO | deepspeech2x.model:test:372 - Error rate [wer] (1024/?) = 0.080017 -2021-09-20 08:07:56.762 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i did not wrong myself so but i placed a wrong on thee -Output Transcription: i did not wrong myself so but i placed a wrong on the -2021-09-20 08:07:56.764 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.076923 -2021-09-20 08:07:56.764 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the parliament and the scots laid their proposals before the king -Output Transcription: the parliament and the scots laid their proposals before the king -2021-09-20 08:07:56.765 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:07:56.765 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i am not complaining that the rate is slow but that the sea is so wide -Output Transcription: i am not complaining that the rate is slow but that the sea is so wide -2021-09-20 08:07:56.765 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:07:56.768 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: on the other hand we are not to regard them as so terrible that we must despair -Output Transcription: on the other hand we are not to regard them is so terrible that we must despair -2021-09-20 08:07:56.770 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.058824 -2021-09-20 08:07:56.772 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: gentlemen to your posts whereupon saint aignan and villeroy took their leave -Output Transcription: gentleman to your posts whereupon saint and yon and valerio their leave -2021-09-20 08:07:56.773 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.416667 -2021-09-20 08:07:56.773 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: why one morning there came a quantity of people and set to work in the loft -Output Transcription: why one morning there came a quantity of people and set to work in the loft -2021-09-20 08:07:56.773 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:07:56.774 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: would not the loftiest eminences of the city at least be visible -Output Transcription: would not the loftiest eminences of the city at least be visible -2021-09-20 08:07:56.774 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:07:56.775 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: something better something still grander must follow but what -Output Transcription: something better something still grandeur must follow but what -2021-09-20 08:07:56.776 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.111111 -2021-09-20 08:07:56.776 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: yet these thoughts affected hester prynne less with hope than apprehension -Output Transcription: yet these thoughts affected hester prynne less with hope than apprehension -2021-09-20 08:07:56.776 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:07:56.778 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: at the emerald city where our princess ozma lives green is the popular color -Output Transcription: at the emerald city where our princess ozma lives green is a popular color -2021-09-20 08:07:56.780 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.071429 -2021-09-20 08:07:56.782 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: bartley started when hilda rang the little bell beside her dear me why did you do that -Output Transcription: partly started when held to ring a little belt beside her dear me why did you do that -2021-09-20 08:07:56.785 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.352941 -2021-09-20 08:07:56.788 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: it wasn't simply that she said so but that i knew she hadn't i was sure i could see -Output Transcription: boston simply that she said so but that i knew she hadn't i was sure i could see -2021-09-20 08:07:56.791 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.105263 -2021-09-20 08:07:56.792 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: in a general way though not wholly nor consistently these two groups coincide -Output Transcription: in a general way though not wholly not consistently these two groups coincide -2021-09-20 08:07:56.794 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.076923 -2021-09-20 08:07:56.796 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: it was very jolly he murmured lazily as marie came in to take away the coffee -Output Transcription: it was a very jolly he murmured lazily as marie came in to take away the coffee -2021-09-20 08:07:56.799 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.062500 -2021-09-20 08:07:56.799 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: for a long time he had wished to explore the beautiful land of oz in which they lived -Output Transcription: for a long time he had wished to explore the beautiful land of oz in which they lived -2021-09-20 08:07:56.800 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:07:56.802 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: paul takes pride in his ministry not to his own praise but to the praise of god -Output Transcription: politics pride in his ministry not to his own phrase but to the praise of god -2021-09-20 08:07:56.804 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.176471 -2021-09-20 08:07:56.805 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: let us retrace our steps and examine as we go with keener eyes -Output Transcription: let us retrace our steps and examine as we go with keener eyes -2021-09-20 08:07:56.805 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:07:56.807 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: a little bit of plaster tumbled down the chimney and startled me confoundedly -Output Transcription: a little bit of plaster tumbled down the chimney and startled me confounded ly -2021-09-20 08:07:56.808 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.153846 -2021-09-20 08:07:56.810 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: and my pocket money is getting low again and you haven't any left as usual -Output Transcription: and my pocket money is getting low again and you have any left as usual -2021-09-20 08:07:56.812 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.066667 -2021-09-20 08:07:56.814 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: this passage then bears out the fact that all men are sold under sin -Output Transcription: this passage then bears out the fact that all men or sold under sin -2021-09-20 08:07:56.816 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.071429 -2021-09-20 08:07:56.819 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i am stiff with long sitting he said i itch for a fight i turned to the farmer -Output Transcription: i'm stiff with long sitting he said it for our flight i turned to the farmer -2021-09-20 08:07:56.821 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.333333 -2021-09-20 08:07:56.821 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: they snuffed about the fir tree and rustled among the branches -Output Transcription: they snuffed about the fir tree and rustled among the branches -2021-09-20 08:07:56.822 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:07:56.823 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i refer to the thermometer it indicates the figure is obliterated -Output Transcription: i referred to the thermometer it indicates the figure is obliterated -2021-09-20 08:07:56.824 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.090909 -2021-09-20 08:07:56.827 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: no i've made up my mind about it if i'm mabel i'll stay down here -Output Transcription: no i'd made up my mind about it if i'm mabel i'll stay down here -2021-09-20 08:07:56.829 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.066667 -2021-09-20 08:07:56.830 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: we have come from a far lonelier place than this a lonelier place -Output Transcription: we have come from a far lonelier place than this a lonely your place -2021-09-20 08:07:56.832 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.153846 -2021-09-20 08:07:56.833 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the atmosphere is evidently charged and surcharged with electricity -Output Transcription: the atmosphere as evidently charged and surcharge with electricity -2021-09-20 08:07:56.834 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.222222 -2021-09-20 08:07:56.834 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: we are to hear christ who has been appointed by the father as our divine teacher -Output Transcription: we are to hear christ who has been appointed by the father as our divine teacher -2021-09-20 08:07:56.835 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:07:56.837 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: mark my words you'll find him too strong for you aye and too deep -Output Transcription: mark my words you'll find him too strong for you i am too deep -2021-09-20 08:07:56.839 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.142857 -2021-09-20 08:07:56.840 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: conseil i called a third time conseil appeared -Output Transcription: conseil i called a third time conseil appeared -2021-09-20 08:07:56.840 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:07:56.842 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: see that your lives be in nothing worse than a boy's climbing for his entangled kite -Output Transcription: see that your lives be in nothing worse than a boys climbing for his entangled kite -2021-09-20 08:07:56.845 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.062500 -2021-09-20 08:07:56.845 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i entered and i took you into my confidence as to the suggestions of the side table -Output Transcription: i entered and i took you into my confidence as to the suggestions of the side table -2021-09-20 08:07:56.845 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:07:56.847 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: perchance too kaffar's death might serve him in good stead -Output Transcription: perchance to car's death might serve him in good stead -2021-09-20 08:07:56.848 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.200000 -2021-09-20 08:07:56.849 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: grace involves the remission of sins peace and a happy conscience -Output Transcription: grace involves the remission of sins peace and happy conscience -2021-09-20 08:07:56.851 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.090909 -2021-09-20 08:07:56.851 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: it is so made that everywhere we feel the sense of punishment -Output Transcription: it is so made that everywhere we feel the sense of punishment -2021-09-20 08:07:56.851 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:07:56.855 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i didn't stop to think whether it was foolish or not i did it and i'm glad i did -Output Transcription: i didn't stop to think whether it was foolish or not i did it and i'm glad i did it -2021-09-20 08:07:56.858 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.052632 -2021-09-20 08:07:56.858 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i shall be punished for it now i suppose by being drowned in my own tears -Output Transcription: i shall be punished for it now i suppose by being drowned in my own tears -2021-09-20 08:07:56.859 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:07:56.859 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: she has a son theft and a daughter hunger -Output Transcription: she has a son theft and a daughter hunger -2021-09-20 08:07:56.860 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:07:56.862 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: they drew back a little from the entrance and motioned to the supposed conjurer to enter -Output Transcription: they drew back a little from the entrance and motion to the supposed conjurer to enter -2021-09-20 08:07:56.865 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.062500 -2021-09-20 08:07:56.867 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: he began a confused complaint against the wizard who had vanished behind the curtain on the left -Output Transcription: he began to confused complaint against the wizard who had vanished behind the curtain on the left -2021-09-20 08:07:56.870 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.058824 -2021-09-20 08:07:56.872 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: please forgive me for this underhanded way of admitting i had turned forty -Output Transcription: please forgive me for this underhanded way of admitting that i had turned forty -2021-09-20 08:07:56.874 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.076923 -2021-09-20 08:07:56.876 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: he seemed to wait for her reply but as she made none he proceeded -Output Transcription: he seemed to wait for her reply but as she may not he proceeded -2021-09-20 08:07:56.878 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.142857 -2021-09-20 08:07:56.880 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i was bookkeeper so it was easy to get a blank check and forge the signature -Output Transcription: i was bitkeeper so it was easy to get a blank check and forged the signature -2021-09-20 08:07:56.883 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.125000 -2021-09-20 08:07:56.886 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: at tea time they were sad and silent and the meal went away untouched by any of the three -Output Transcription: at tea time they were sad and silent and the meal went away and touched by any of the three -2021-09-20 08:07:56.889 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.105263 -2021-09-20 08:07:56.894 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the strollers took their part in it with hearty zest now that they had some chance of beating off their foes -Output Transcription: the stroller took their part in it with hearts as now that they had some chance of beating off their foes -2021-09-20 08:07:56.897 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.142857 -2021-09-20 08:07:56.899 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: by the by i've never seen your dairy i must see your dairy missus poyser -Output Transcription: by the by i've never seen your dear monsieur dary missus poyser -2021-09-20 08:07:56.901 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.400000 -2021-09-20 08:07:56.902 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the world is all there just as it used to be but i can't get at it any more -Output Transcription: the world is all there just as it used to be but i can't get at it any more -2021-09-20 08:07:56.902 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:07:56.904 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: rejoice in our presence said the air and the sunlight -Output Transcription: my choice in our presence said the air and the sunlight -2021-09-20 08:07:56.905 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.200000 -2021-09-20 08:07:56.905 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: but i would not speak at the time because i wanted to refresh my memory -Output Transcription: but i would not speak at the time because i wanted to refresh my memory -2021-09-20 08:07:56.906 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:07:56.907 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: re enter butler and three footmen who remove the tea things hostess to guest -Output Transcription: reenter buttler and three footmen who moved the tea things hoses to guest -2021-09-20 08:07:56.909 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.357143 -2021-09-20 08:07:56.911 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: you will allow me to suggest said he that that is a matter of opinion -Output Transcription: you will allow me to suggest said he but that is a matter of opinion -2021-09-20 08:07:56.913 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.066667 -2021-09-20 08:07:56.916 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: old will is a fine fellow but poor and helpless since missus rogers had her accident -Output Transcription: old well is a fine fellow but poor and helpless since missus rogers had her accident -2021-09-20 08:07:56.918 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.062500 -2021-09-20 08:07:56.920 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the cloud then shewd his golden head and his bright form emerg'd -Output Transcription: the cloud then showed his golden head and his bright form emerged -2021-09-20 08:07:56.921 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.166667 -2021-09-20 08:07:56.923 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: or an eye of gifts and graces showring fruits and coined gold -Output Transcription: or an eye of gifts and graces showering fruits and poignant gold -2021-09-20 08:07:56.924 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.166667 -2021-09-20 08:07:56.926 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: he looked up at naomi doubtingly from his plate and looked down again slowly with a frown -Output Transcription: he looked up and nominating ly from his play and looked down again slowly with a frown -2021-09-20 08:07:56.929 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.235294 -2021-09-20 08:07:56.931 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: at the prow i carved the head with open mouth and forked tongue thrust out -Output Transcription: at the prowar car of the head with open mouth and forked tongue thrust out -2021-09-20 08:07:56.933 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.200000 -2021-09-20 08:07:56.934 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: you resemble me rachel you are fearless and inflexible and generous -Output Transcription: you resemble me rachel you are fearless and inflexible and generous -2021-09-20 08:07:56.934 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:07:56.936 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: holmes turned away and stooped suddenly to the floor halloa what's this -Output Transcription: holmes turned away and stooped suddenly to the floor hello what is this -2021-09-20 08:07:56.938 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.250000 -2021-09-20 08:07:56.938 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: did anyone know that these proofs would be there no one save the printer -Output Transcription: did anyone know that these proofs would be there no one save the printer -2021-09-20 08:07:56.938 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:07:56.941 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: already a north and a south were talked of why not set up also a west -Output Transcription: already a north and south were talked of why not set up also a west -2021-09-20 08:07:56.943 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.062500 -2021-09-20 08:07:56.943 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: oh it is better to live on the sea and let other men raise your crops and cook your meals -Output Transcription: oh it is better to live on the sea and let other men raise your crops and cook your meals -2021-09-20 08:07:56.944 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:07:56.944 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: to give an idea of these conversations i will report one of them in full -Output Transcription: to give an idea of these conversations i will report one of them in full -2021-09-20 08:07:56.944 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:07:56.945 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: hose man's excuse for wetting the walk -Output Transcription: hose man's excuse for wetting the walk -2021-09-20 08:07:56.945 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:07:56.947 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: that is all quite true mister neverbend said sir ferdinando brown -Output Transcription: that is all quite true mister never been said sir ferdinando brown -2021-09-20 08:07:56.948 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.181818 -2021-09-20 08:07:56.950 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: for a moment gilchrist with upraised hand tried to control his writhing features -Output Transcription: for a moment gilchrist with upraised hand tried to control his writing features -2021-09-20 08:07:56.951 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.076923 -2021-09-20 08:07:56.953 | INFO | deepspeech2x.model:test:372 - Error rate [wer] (1088/?) = 0.081750 -2021-09-20 08:08:00.473 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: we won't talk about her any more if you'd rather not we indeed -Output Transcription: we won't talk about her any more if you'd rather not' we indeed -2021-09-20 08:08:00.475 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.076923 -2021-09-20 08:08:00.475 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: when we were out in the darkness of the quadrangle we again looked up at the windows -Output Transcription: when we were out in the darkness of the quadrangle we again looked up at the windows -2021-09-20 08:08:00.476 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:08:00.476 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the greatness of the ransom christ the son of god indicates this -Output Transcription: the greatness of the ransom christ the son of god indicates this -2021-09-20 08:08:00.476 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:08:00.478 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: but in such a case miss milner's election of a husband shall not direct mine -Output Transcription: but in such a case miss miller's election of a husband shall not direct mine -2021-09-20 08:08:00.480 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.066667 -2021-09-20 08:08:00.480 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i say you do know what this means and you must tell us -Output Transcription: i say you do know what this means and you must tell us -2021-09-20 08:08:00.481 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:08:00.481 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: her regard shifted to the green stalks and leaves again and she started to move away -Output Transcription: her regard shifted to the green stalks and leaves again and she started to move away -2021-09-20 08:08:00.481 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:08:00.481 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: it was in a corner that he lay among weeds and nettles -Output Transcription: it was in a corner that he lay among weeds and nettles -2021-09-20 08:08:00.482 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:08:00.483 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: at the same time paul confirms our creed that christ is very god -Output Transcription: at the same time paul confirms are creed that christ is very god -2021-09-20 08:08:00.485 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.076923 -2021-09-20 08:08:00.485 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: seeing that i am so fine i may as well go and visit the king -Output Transcription: seeing that i am so fine i may as well go and visit the king -2021-09-20 08:08:00.485 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:08:00.487 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: what is your country olaf have you always been a thrall the thrall's eyes flashed -Output Transcription: what is your country alot have you always been a thrall the thralls eyes flashed -2021-09-20 08:08:00.489 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.133333 -2021-09-20 08:08:00.489 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: someone else told a story not particularly effective which i saw he was not following -Output Transcription: someone else told a story not particularly effective which i saw he was not following -2021-09-20 08:08:00.490 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:08:00.490 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i get tired of seeing men and horses going up and down up and down -Output Transcription: i get tired of seeing men and horses going up and down up and down -2021-09-20 08:08:00.490 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:08:00.490 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: each will therefore serve about equally well during the earlier stages of social growth -Output Transcription: each will therefore serve about equally well during the earlier stages of social growth -2021-09-20 08:08:00.491 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:08:00.493 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: but i wrestled with this fellow and do know that he played unfairly in the second bout -Output Transcription: but i wrestled with this fellow and do know that he played on fairly in the second bout -2021-09-20 08:08:00.496 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.117647 -2021-09-20 08:08:00.496 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: will whispered robin opening his door as he spoke are you ready -Output Transcription: will whispered robin opening his door as he spoke are you ready -2021-09-20 08:08:00.496 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:08:00.497 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: congratulations were poured in upon the princess everywhere during her journey -Output Transcription: congratulations were poured in upon the princess everywhere during her journey -2021-09-20 08:08:00.497 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:08:00.499 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: how brown you've got since you came home i wish i had an athlete to mow my orchard -Output Transcription: how brown you've got since you came home i wish i had an athlete to mo my orchard -2021-09-20 08:08:00.502 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.055556 -2021-09-20 08:08:00.502 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the twin brother did something she didn't like and she turned his picture to the wall -Output Transcription: the twin brother did something she didn't like and she turned his picture to the wall -2021-09-20 08:08:00.503 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:08:00.505 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i didn't have any fears if i worked it rightly said the old gentleman complacently -Output Transcription: i didn't have any fears if i worked at rightly said the old gentleman complacently -2021-09-20 08:08:00.507 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.066667 -2021-09-20 08:08:00.508 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i remember now and i congratulate myself do you love any one -Output Transcription: i remember now and i congratulate myself do you love anyone -2021-09-20 08:08:00.509 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.166667 -2021-09-20 08:08:00.511 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the hawk alighted on the dead branch and sat upright motionless as if surprised -Output Transcription: the hack alighted on the dead branch and sat upright motionless as if surprised -2021-09-20 08:08:00.512 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.071429 -2021-09-20 08:08:00.514 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: hilda's face quivered but she whispered yes i think it must have been -Output Transcription: held his face quivered but she whispered yes i think it must have been -2021-09-20 08:08:00.516 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.153846 -2021-09-20 08:08:00.516 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: my tongue refused to articulate my power of speech left me -Output Transcription: my tongue refused to articulate my power of speech left me -2021-09-20 08:08:00.516 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:08:00.519 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: but this subject will be more properly discussed when we treat of the different races of mankind -Output Transcription: but this subject will be more properly disgust when retreat of the different races of mankind -2021-09-20 08:08:00.521 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.176471 -2021-09-20 08:08:00.521 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: a sudden impulse came over him to enter and see if they were indeed the proofs -Output Transcription: a sudden impulse came over him to enter and see if they were indeed the proofs -2021-09-20 08:08:00.521 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:08:00.523 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: as for the ichthyosaurus has he returned to his submarine cavern -Output Transcription: as for the in thesaurus as he returned whose submarine cavern -2021-09-20 08:08:00.524 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.454545 -2021-09-20 08:08:00.526 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: these escapades are not for old gamewell lad his day has come to twilight -Output Transcription: these escapades are not for old game well lad his day has come to twilight -2021-09-20 08:08:00.529 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.142857 -2021-09-20 08:08:00.529 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: a brisk wind had come up and was driving puffy white clouds across the sky -Output Transcription: a brisk wind had come up and was driving puffy white clouds across the sky -2021-09-20 08:08:00.529 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:08:00.530 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: this was so sweet a lady sir and in some manner i do think she died -Output Transcription: this was so sweet a lady sir and in some manner i do think she died -2021-09-20 08:08:00.531 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:08:00.533 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: well if i don't know who she was in love with i know who he was -Output Transcription: for if i don't know who she was in love with i know who he was -2021-09-20 08:08:00.535 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.062500 -2021-09-20 08:08:00.536 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: then good bye said the rats and they went home -Output Transcription: then good bye said the rats and they went home -2021-09-20 08:08:00.536 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:08:00.538 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the paris plant like that at the crystal palace was a temporary exhibit -Output Transcription: the paris planned like that of the crystal palace was a temporary exhibit -2021-09-20 08:08:00.539 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.153846 -2021-09-20 08:08:00.541 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the weather if we may use that term will change before long -Output Transcription: the weather if we may use the term will change before long -2021-09-20 08:08:00.543 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.083333 -2021-09-20 08:08:00.544 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: robin carefully descended the ladder and found himself soon upon firm rocky ground -Output Transcription: robin carefully descended the latter and found himself soon upon firm rocky ground -2021-09-20 08:08:00.546 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.076923 -2021-09-20 08:08:00.547 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: monsieur was the only one who did not understand anything about the matter -Output Transcription: monsieur was the only one who did not understand anything about the matter -2021-09-20 08:08:00.547 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:08:00.548 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the golden fleece it's the silver fleece he harkened -Output Transcription: the golden fleece it's the silver fleece he hearkened -2021-09-20 08:08:00.550 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.111111 -2021-09-20 08:08:00.550 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: oh what a record to read what a picture to gaze upon how awful the fact -Output Transcription: oh what a record to read what a picture to gaze upon how awful the fact -2021-09-20 08:08:00.551 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:08:00.552 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the combined bands of both the countries played the music and a fine supper was served -Output Transcription: the combined bands of both the countries played the music and a fine supper was served -2021-09-20 08:08:00.552 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:08:00.554 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: shame on you citizens cried he i blush for my fellows of nottingham -Output Transcription: shaman citizens cried he i blush for my fellows of nottingham -2021-09-20 08:08:00.555 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.230769 -2021-09-20 08:08:00.556 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i pass away yet i complain and no one hears my voice -Output Transcription: i pass away yet i complain and no one hears my voice -2021-09-20 08:08:00.556 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:08:00.559 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i could not see my boy injured excellence for but doing his duty as one of cumberland's sons -Output Transcription: i could not see my boy injured excellence for but doing his duty as one of cumberland sons -2021-09-20 08:08:00.562 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.055556 -2021-09-20 08:08:00.562 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: a story cried the children drawing a little fat man towards the tree -Output Transcription: a story cried the children drawing a little fat man towards the tree -2021-09-20 08:08:00.563 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:08:00.564 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: it is too difficult replied mademoiselle de tonnay charente laughing loudly -Output Transcription: it is too difficult replied mademoiselle de tanisha and laughing loudly -2021-09-20 08:08:00.565 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.181818 -2021-09-20 08:08:00.566 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: most people talk too much so it is a relief to find one who talks too little -Output Transcription: most people talk too much so it is a relief to find one who talks too little -2021-09-20 08:08:00.567 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:08:00.568 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: oh ever so much only he seems kind of staid and school teachery -Output Transcription: oh ever so much only he seems kind of staad and school teacher -2021-09-20 08:08:00.570 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.153846 -2021-09-20 08:08:00.571 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: solon marvelled and desired to be informed of the particulars -Output Transcription: sullen marvelled and desire to be informed of the particulars -2021-09-20 08:08:00.572 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.200000 -2021-09-20 08:08:00.574 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i'll not be wicked any more sighed the old boolooroo i'll reform -Output Transcription: not be wicked any more sighed the old booooo i'll reform -2021-09-20 08:08:00.575 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.166667 -2021-09-20 08:08:00.577 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: but the bear instead of obeying maintained the seat it had taken and growled -Output Transcription: but the bear instead of obeying maintain the seat it had taken and growled -2021-09-20 08:08:00.579 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.071429 -2021-09-20 08:08:00.580 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: but john there's no society just elementary work -Output Transcription: but john there is no society just elementary work -2021-09-20 08:08:00.580 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.250000 -2021-09-20 08:08:00.582 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: but don't these very wise things sometimes turn out very foolishly -Output Transcription: but do these very wise things sometimes turn out very foolishly -2021-09-20 08:08:00.583 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.090909 -2021-09-20 08:08:00.584 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: and the whole night the tree stood still and in deep thought -Output Transcription: and the whole night the tree stood still and in deep thought -2021-09-20 08:08:00.584 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:08:00.586 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: sit down please said gates in a cheerful and pleasant voice there's a bench here -Output Transcription: sitdown place said gates in a cheerful and pleasant voice there's a pincher -2021-09-20 08:08:00.588 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.333333 -2021-09-20 08:08:00.591 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: then he approached it and standing on tiptoe with his neck craned he looked into the room -Output Transcription: then he approached it and standing on tiptoe with his neck crane he looked into the room -2021-09-20 08:08:00.593 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.058824 -2021-09-20 08:08:00.594 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: ill and troubled dear troubled in mind and miserably nervous -Output Transcription: all and trouble dear troubled in mind and miserably nervous -2021-09-20 08:08:00.596 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.200000 -2021-09-20 08:08:00.599 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: cried he waving the lanthorn before him to make sure that these were no ghosts in front of him -Output Transcription: cried he waving the lantern before him to make sure that these were no ghosts in front of him -2021-09-20 08:08:00.602 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.052632 -2021-09-20 08:08:00.603 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: algebra medicine botany have each their slang -Output Transcription: algebra medicine botany have each their slang -2021-09-20 08:08:00.603 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:08:00.605 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: philip lefrank this is my overlooker mister jago said the old man formally presenting us -Output Transcription: fillable trying this is my overlook er mister jago said the old man formally presenting us -2021-09-20 08:08:00.608 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.266667 -2021-09-20 08:08:00.608 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: and all his brothers and sisters stood round and listened with their mouths open -Output Transcription: and all his brothers and sisters stood round and listened with their mouths open -2021-09-20 08:08:00.609 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:08:00.609 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: when she used to tell me about him i always wondered whether she wasn't a little in love with him -Output Transcription: when she used to tell me about him i always wondered whether she wasn't a little in love with him -2021-09-20 08:08:00.610 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:08:00.610 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: through the black night rain he sang to her window bars -Output Transcription: through the black night rain he sang to her window bars -2021-09-20 08:08:00.610 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:08:00.613 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: but it is the cigarette which chiefly has brought the modern drama to its present state of perfection -Output Transcription: but it is the cigarette which chiefly has brought the wonder drama to its present state of perfection -2021-09-20 08:08:00.616 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.055556 -2021-09-20 08:08:00.617 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: pride after satisfaction uplifted him like long slow waves -Output Transcription: pride after satisfaction uplifted him like long slow waves -2021-09-20 08:08:00.617 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:08:00.620 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: you're a rare un for sitting down to your work a little while after it's time to put by -Output Transcription: you are raring for sitting down to your work a little while after it's time to put by -2021-09-20 08:08:00.623 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.210526 -2021-09-20 08:08:00.623 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: this was a formidable array of advantages slavery was playing with loaded dice -Output Transcription: this was a formidable array of advantages slavery was playing with loaded dice -2021-09-20 08:08:00.624 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:08:00.625 | INFO | deepspeech2x.model:test:372 - Error rate [wer] (1152/?) = 0.081012 -2021-09-20 08:08:03.694 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i thought we were stumped again when i first saw that picture but it's been of some use after all -Output Transcription: i thought we were stumped again when i first saw that picture but it sin of some use after all -2021-09-20 08:08:03.697 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.100000 -2021-09-20 08:08:03.698 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the terms of grace and peace are common terms with paul and are now pretty well understood -Output Transcription: the terms of grace and peace are common terms with paul and are now pretty well understood -2021-09-20 08:08:03.698 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:08:03.700 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: soft heart he said gently to her then to thorkel well let him go thorkel -Output Transcription: soft heart he said gently to her then tutorial well let him go take -2021-09-20 08:08:03.702 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.200000 -2021-09-20 08:08:03.705 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: eliza closed the door behind her with a decided slam and a key clicked in the lock -Output Transcription: eliza closed the door behind her with a decided slam and he clicked in the lock -2021-09-20 08:08:03.707 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.117647 -2021-09-20 08:08:03.707 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: in the silence their dark fire kindled the dusk into a tawny glow -Output Transcription: in the silence their dark fire kindled the dusk into a tawny glow -2021-09-20 08:08:03.708 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:08:03.708 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: it must be as wide as the mediterranean or the atlantic and why not -Output Transcription: it must be as wide as the mediterranean or the atlantic and why not -2021-09-20 08:08:03.708 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:08:03.708 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: this without reckoning in the pains of the heart and so it goes on -Output Transcription: this without reckoning in the pains of the heart and so it goes on -2021-09-20 08:08:03.709 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:08:03.709 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: number ten fresh nelly is waiting on you good night husband -Output Transcription: number ten fresh nelly is waiting on you good night husband -2021-09-20 08:08:03.709 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:08:03.711 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: well what can't be done by main courage in war must be done by circumvention -Output Transcription: well what can't be done by man courage in war must be done by circumvention -2021-09-20 08:08:03.713 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.066667 -2021-09-20 08:08:03.716 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: how long would it take him to do that using every possible contraction a quarter of an hour not less -Output Transcription: how long it take to do that using every possible contraction a quarter of an hour no less -2021-09-20 08:08:03.719 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.150000 -2021-09-20 08:08:03.720 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: is the atmospheric condition having once reached this density to become final -Output Transcription: is the atmosphere condition having once reached is density to become final -2021-09-20 08:08:03.722 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.166667 -2021-09-20 08:08:03.722 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: said the fir tree thinking over what he had himself related -Output Transcription: said the fir tree thinking over what he had himself related -2021-09-20 08:08:03.722 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:08:03.724 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: and lay me down in thy cold bed and leave my shining lot -Output Transcription: and lay me down in my cold bed and leave my shining light -2021-09-20 08:08:03.725 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.153846 -2021-09-20 08:08:03.727 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: lord john taking out gold cigarette case from his left hand upper waistcoat pocket -Output Transcription: lord john taking out gold cigarette case from his left hand upper west coast pocket -2021-09-20 08:08:03.729 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.142857 -2021-09-20 08:08:03.730 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: when the king comes to paris everybody calls out vive le roi -Output Transcription: when the king comes to paris everybody calls out fiery -2021-09-20 08:08:03.731 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.250000 -2021-09-20 08:08:03.731 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: she ran to her husband's side at once and helped him lift the four kettles from the fire -Output Transcription: she ran to her husband's side at once and helped him lift the four kettles from the fire -2021-09-20 08:08:03.732 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:08:03.732 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: it'll be no use their putting their heads down and saying come up again dear -Output Transcription: it'll be no use their putting their heads down and saying come up again dear -2021-09-20 08:08:03.732 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:08:03.736 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i have a letter here mister soames which i wrote to you early this morning in the middle of a restless night -Output Transcription: i have a letter here mister psalms which i wrote to you early this morning in the middle of a restless night -2021-09-20 08:08:03.740 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.045455 -2021-09-20 08:08:03.740 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: cotton is a wonderful thing is it not boys she said rather primly -Output Transcription: cotton is a wonderful thing is it not boys she said rather primly -2021-09-20 08:08:03.740 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:08:03.743 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: they do not go where the enemies of the gospel predominate they go where the christians are -Output Transcription: they do not go where the enemies of the gospel predominate they go we christians are -2021-09-20 08:08:03.745 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.117647 -2021-09-20 08:08:03.747 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: has thee consulted thy mother about a career i suppose it is a career thee wants -Output Transcription: as the consulted thy mother about a career i suppose it is a realy wants -2021-09-20 08:08:03.749 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.250000 -2021-09-20 08:08:03.749 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: they are chiefly formed from combinations of the impressions made in childhood -Output Transcription: they are chiefly formed from combinations of the impressions made in childhood -2021-09-20 08:08:03.750 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:08:03.750 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: what she wanted from us was neither our flowers nor our francs but just our youth -Output Transcription: what she wanted from us was neither our flowers nor our francs but just our youth -2021-09-20 08:08:03.750 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:08:03.750 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: that is one reason you are ojo the unlucky said the woman in a sympathetic tone -Output Transcription: that is one reason you are ojo the unlucky said the woman in a sympathetic tone -2021-09-20 08:08:03.751 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:08:03.751 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: all these honest persons are waiting their turn to get their snuff boxes filled -Output Transcription: all these honest persons are waiting their turn to get their snuff boxes filled -2021-09-20 08:08:03.752 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:08:03.753 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: munny my iron's twite told pease put it down to warm -Output Transcription: money myron stratton peace put it down to warm -2021-09-20 08:08:03.754 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.545455 -2021-09-20 08:08:03.755 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: you would not eat with us you cannot say no to half of my ale i drink this to your health -Output Transcription: you would not eat with us you cannot say no to half of my ale i drink this to your health -2021-09-20 08:08:03.755 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:08:03.755 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the young girls had indeed made themselves small indeed invisible -Output Transcription: the young girls had indeed made themselves small indeed invisible -2021-09-20 08:08:03.756 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:08:03.756 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: our baggage was immediately carried to the deck of the frigate i rushed aboard -Output Transcription: our baggage was immediately carried to the deck of the frigate i rushed aboard -2021-09-20 08:08:03.757 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:08:03.759 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the most famous of them all was the overthrow of the island of atlantis -Output Transcription: the most famous of them all was the overthrow of the island of twenties -2021-09-20 08:08:03.761 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.071429 -2021-09-20 08:08:03.763 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: nothing was to be done but to put about and return in disappointment towards the north -Output Transcription: nothing was to be done but to put about and return and disappointment towards the north -2021-09-20 08:08:03.766 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.062500 -2021-09-20 08:08:03.766 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the leaders of the conspiracy became distrustful of their power to crush the town -Output Transcription: the leaders of the conspiracy became distrustful of their power to crush the town -2021-09-20 08:08:03.766 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:08:03.769 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: mary taylor however related the tale of zora to missus grey's private ear later -Output Transcription: mary tao however related the tale of zor to missus grey's private ear later -2021-09-20 08:08:03.771 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.142857 -2021-09-20 08:08:03.774 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: no thank you i'll just look at the whelps and leave a message about them with your shepherd -Output Transcription: no thank you i'll just look at the welds and leave a message about them with your shepherd -2021-09-20 08:08:03.777 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.055556 -2021-09-20 08:08:03.777 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i gave him a little brandy and left him collapsed in a chair while i made a most careful examination of the room -Output Transcription: i gave him a little brandy and left him collapsed in a chair while i made a most careful examination of the room -2021-09-20 08:08:03.778 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:08:03.781 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: they they excite me in some way and i i can't bear them you must excuse me -Output Transcription: that they excite me in some way and i i can't bear them you must excuse me -2021-09-20 08:08:03.783 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.058824 -2021-09-20 08:08:03.785 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: in the nature of things luxuries and the comforts of life belong to the leisure class -Output Transcription: in the nature of things luxuries and the comforts of life belonged to the leisure class -2021-09-20 08:08:03.788 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.062500 -2021-09-20 08:08:03.789 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: but you must not eat with your cap on your head she said and was going to take it off -Output Transcription: but you must not eat with your cap on your head she said and was going to take it off -2021-09-20 08:08:03.789 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:08:03.792 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: my wife on the spur of the moment managed to give the gentlemen a very good dinner -Output Transcription: my wife on the spur the moment managed to give the gentleman a very good dinner -2021-09-20 08:08:03.794 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.117647 -2021-09-20 08:08:03.794 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: sometimes it is called a crazy quilt because the patches and colors are so mixed up -Output Transcription: sometimes it is called a crazy quilt because the patches and colors are so mixed up -2021-09-20 08:08:03.795 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:08:03.799 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: what shall we do with the mingoes at the door they count six and this singer is as good as nothing -Output Transcription: what shall we do with the mangoes at the door they count six and the singer is as good as nothing -2021-09-20 08:08:03.802 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.095238 -2021-09-20 08:08:03.805 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: that's the way with you that's the road you'd all like to go headlongs to ruin -Output Transcription: that's the way with you that's the road you do like to go headlong to ruin -2021-09-20 08:08:03.807 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.187500 -2021-09-20 08:08:03.810 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: westmere and i were back after the first act and we thought she seemed quite uncertain of herself -Output Transcription: west me and i were back after the first act he thought she seemed quite uncertain of herself -2021-09-20 08:08:03.813 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.222222 -2021-09-20 08:08:03.816 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i stood with my back to the wall for i wanted no sword reaching out of the dark for me -Output Transcription: i stood with my back to the wall for i wanted no sword reaching out the dark for me -2021-09-20 08:08:03.819 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.050000 -2021-09-20 08:08:03.820 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: otherwise paul should have written grace from god the father and peace from our lord jesus christ -Output Transcription: otherwise paul should have written grace from god the father and peace from our lord jesus christ -2021-09-20 08:08:03.820 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:08:03.821 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: there it clothes itself in word masks in metaphor rags -Output Transcription: there it clothes itself in word masks in mefor rags -2021-09-20 08:08:03.823 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.100000 -2021-09-20 08:08:03.823 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: in the communities of the western culture this point is at present found among the lower middle class -Output Transcription: in the communities of the western culture this point is at present found among the lower middle class -2021-09-20 08:08:03.823 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:08:03.826 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the head and chief of the riot the nottingham apprentice with clenched fists threatened montfichet -Output Transcription: the head and chief of the riot nottingham apprenticed with clench fists threatened mofie -2021-09-20 08:08:03.827 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.266667 -2021-09-20 08:08:03.829 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: whose feet are as the feet of harts and underneath the everlasting arms -Output Transcription: whose feet are as the feet of hearts and underneath the everlasting arms -2021-09-20 08:08:03.831 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.076923 -2021-09-20 08:08:03.834 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: but now here is a subject of which you will wonder at first why turner drew it at all -Output Transcription: but now here's a subject of which you will wonder at first why turner drew it at all -2021-09-20 08:08:03.837 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.105263 -2021-09-20 08:08:03.838 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: humpy dumpy fell downstairs and yet he married the princess -Output Transcription: humpy don't be fell downstairs and yet he married the princess -2021-09-20 08:08:03.839 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.200000 -2021-09-20 08:08:03.842 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: he still held on to it with both hands as he rushed into his mother's cottage -Output Transcription: he still held onto it with both hands as he rushed into his mother's cottage -2021-09-20 08:08:03.844 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.125000 -2021-09-20 08:08:03.844 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: departing from five hundred thousand throats three cheers burst forth in succession -Output Transcription: departing from five hundred thousand throats three cheers burst forth in succession -2021-09-20 08:08:03.845 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:08:03.847 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: nay we refused their request most politely most noble said the little stroller -Output Transcription: nay we refuse their request most politely most noble said the little stroller -2021-09-20 08:08:03.848 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.076923 -2021-09-20 08:08:03.849 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: he sat down weak bewildered and one thought was uppermost zora -Output Transcription: he sat down weak bewildered and one thought was uppermost sore -2021-09-20 08:08:03.851 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.090909 -2021-09-20 08:08:03.854 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: for a while she lay in her chair in happy dreamy pleasure at sun and bird and tree -Output Transcription: for a while she lay in her chair in happy dreamy pleasure its sun and bird and tree -2021-09-20 08:08:03.856 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.055556 -2021-09-20 08:08:03.857 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: in five minutes i was in a new world and my melancholy room was full of the liveliest french company -Output Transcription: in five minutes i was in a new world and my melancholy room was full of the liveliest french company -2021-09-20 08:08:03.857 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:08:03.858 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: and then you came back not caring very much but it made no difference -Output Transcription: and then you came back not caring very much but it made no difference -2021-09-20 08:08:03.858 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:08:03.859 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: nonsense of course i can't really sing except the way my mother and grandmother did before me -Output Transcription: nonsense of course i can't really sing except the way my mother and grandmother did before me -2021-09-20 08:08:03.859 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:08:03.860 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: they then renewed their journey and under the better light made a safe crossing of the stable roofs -Output Transcription: they then renewed their journey and under the better light made a safe crossing of the stable roofs -2021-09-20 08:08:03.860 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:08:03.860 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: oh let him come along she urged i do love to see him about that old house -Output Transcription: oh let him come along she urged i do love to see him about that old house -2021-09-20 08:08:03.861 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:08:03.861 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: for a full hour he had paced up and down waiting but he could wait no longer -Output Transcription: for a full hour he had paced up and down waiting but he could wait no longer -2021-09-20 08:08:03.861 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:08:03.862 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: underscore these words for they are full of comfort for sore consciences -Output Transcription: underscore these words for they are full of comfort for sore consciences -2021-09-20 08:08:03.862 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:08:03.864 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: where the waves for an instant sank they came closer but not quite within grasping reach -Output Transcription: where the waves for an instant sink they came closer but not quite within grasping reach -2021-09-20 08:08:03.867 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.062500 -2021-09-20 08:08:03.868 | INFO | deepspeech2x.model:test:372 - Error rate [wer] (1216/?) = 0.079953 -2021-09-20 08:08:06.933 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: you speak like an educated person said beth wonderingly where is your home -Output Transcription: you speak like an educated person said beth wonderingly where is your home -2021-09-20 08:08:06.934 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:08:06.936 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: substantially this was jacob's unvarnished description of his master and mistress -Output Transcription: substantial lateness was jacob's unvarnished description of his master and mistress -2021-09-20 08:08:06.937 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.181818 -2021-09-20 08:08:06.938 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i should never have asked you if molly had been here for i remember you don't like english cookery -Output Transcription: i should never have asked you if molly had been here for i remember you don't like english cookery -2021-09-20 08:08:06.938 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:08:06.939 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: facts form one of these and ideas the other -Output Transcription: facts for one of these and i tears the other -2021-09-20 08:08:06.940 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.333333 -2021-09-20 08:08:06.941 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: not for a crown or a kingdom or our goodness but for our sins -Output Transcription: not for a crown were a kingdom where our goodness before sins -2021-09-20 08:08:06.943 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.357143 -2021-09-20 08:08:06.943 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: his death in this conjuncture was a public misfortune -Output Transcription: his death in this conjuncture was a public misfortune -2021-09-20 08:08:06.944 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:08:06.945 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: whatever appealed to her sense of beauty was straightway transferred to paper or canvas -Output Transcription: whatever appeal to her sense of beauty was straightway transferred to paper or canvas -2021-09-20 08:08:06.947 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.071429 -2021-09-20 08:08:06.949 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: she rose quickly to her feet with an impetuous gesture that made her visitor catch her breath -Output Transcription: she rose quickly to her feet with an impetuous gesture that made her visit or catch her breath -2021-09-20 08:08:06.952 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.117647 -2021-09-20 08:08:06.954 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: we were more interested in the technical condition of the station than in the commercial part -Output Transcription: we were more interested in the technical condition of the station that in the commercial part -2021-09-20 08:08:06.957 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.062500 -2021-09-20 08:08:06.959 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: fast as his legs could carry him servadac had made his way to the top of the cliff -Output Transcription: fast as his legs could carry him ser adac had made his way to the top of the cliff -2021-09-20 08:08:06.962 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.111111 -2021-09-20 08:08:06.963 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: all the time he was talking to me his angry little eyes were following lake -Output Transcription: all the time he was talking to me his angry little eyes were following lake -2021-09-20 08:08:06.963 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:08:06.963 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: to my mind there has always been something inexpressibly awful in family feuds -Output Transcription: to my mind there has always been something inexpressibly awful in family feuds -2021-09-20 08:08:06.964 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:08:06.964 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: she then rose humming the air to which she was presently going to dance -Output Transcription: she then rose humming the air to which she was presently going to dance -2021-09-20 08:08:06.964 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:08:06.967 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: at once the goat gave a leap escaped from the soldiers and with bowed head rushed upon the boolooroo -Output Transcription: at once the goat gave a leap escape from the soldiers and with bowed head rushed upon the booooo -2021-09-20 08:08:06.970 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.105263 -2021-09-20 08:08:06.973 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: yes and with all your fingers it took you a year to catch me the king frowned more angrily -Output Transcription: yes and with all your fingers it took you a year to catch me the king frown more angrily -2021-09-20 08:08:06.976 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.052632 -2021-09-20 08:08:06.980 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: but suppose you said i'm fond of writing my people always say my letters home are good enough for punch -Output Transcription: but suppose you said i'm fond of writing my people always say my letters home or good enough for punch -2021-09-20 08:08:06.983 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.050000 -2021-09-20 08:08:06.985 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: it is enough said george gamewell sharply and he turned upon the crowd -Output Transcription: it is enough said george game well sharply as he turned upon the crowd -2021-09-20 08:08:06.986 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.230769 -2021-09-20 08:08:06.989 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: fitzooth's hand rested at last upon the top rung of a ladder and slowly the truth came to him -Output Transcription: tooth's hand rested at last upon the top rung of a ladder and slowly the truth came to him -2021-09-20 08:08:06.992 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.052632 -2021-09-20 08:08:06.994 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: well mother said the young student looking up with a shade of impatience -Output Transcription: well mother said the young student looking up with the shade of impatience -2021-09-20 08:08:06.995 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.076923 -2021-09-20 08:08:06.997 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: yes dead these four years an a good job for her too -Output Transcription: yes dead these four years and a good job for her to -2021-09-20 08:08:06.998 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.166667 -2021-09-20 08:08:06.998 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: she signed to me with a ghostly solemnity to take the vacant place on the left of her father -Output Transcription: she signed to me with a ghostly solemnity to take the vacant place on the left of her father -2021-09-20 08:08:06.999 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:08:07.000 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: their assumed character changed with their changing opportunities or necessities -Output Transcription: there assumed character changed with their changing opportunities or necessities -2021-09-20 08:08:07.001 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.100000 -2021-09-20 08:08:07.003 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: as soon as they entered the room of the great knife the boolooroo gave a yell of disappointment -Output Transcription: as soon as they entered the room of the great knife the booooo gave a yell of disappointment -2021-09-20 08:08:07.006 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.055556 -2021-09-20 08:08:07.009 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: irene burgoyne one of her family told me in confidence that there was a romance somewhere back in the beginning -Output Transcription: i rember going one of her family told me in confidence that there was a romance somewhere back in the beginning -2021-09-20 08:08:07.013 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.150000 -2021-09-20 08:08:07.013 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: she closed her eyes and took a deep breath as if to draw in again the fragrance of those days -Output Transcription: she closed her eyes and took a deep breath as if to draw in again the fragrance of those days -2021-09-20 08:08:07.013 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:08:07.014 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: their distinctive characters however display one broad and unfailing difference -Output Transcription: their distinctive characters however display one broad and unfailing difference -2021-09-20 08:08:07.014 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:08:07.015 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i dare not go so far as that but of the three he is perhaps the least unlikely -Output Transcription: i dare not go so far as that but of the three he is perhaps the least unlikely -2021-09-20 08:08:07.015 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:08:07.017 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: no cathedral not even burgos itself could vie with the church at montmartre -Output Transcription: no cathedral and even burgos itself could vie with the church at montmartre -2021-09-20 08:08:07.019 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.076923 -2021-09-20 08:08:07.019 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: there's a heavy storm coming on i cried pointing towards the horizon -Output Transcription: there's a heavy storm coming on i cried pointing towards the horizon -2021-09-20 08:08:07.020 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:08:07.020 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i see a crowd in one corner of the garden everybody standing still and looking up -Output Transcription: i see a crowd in one corner of the garden everybody standing still and looking up -2021-09-20 08:08:07.021 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:08:07.023 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: she is under sail but she is count timascheff's yacht he was right -Output Transcription: she is under sail that she is count time shafts yacht he was right -2021-09-20 08:08:07.025 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.230769 -2021-09-20 08:08:07.027 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: paul declares that the false apostles were called or sent neither by men nor by man -Output Transcription: paul declares of the false apostles were called the sent neither by men nor by man -2021-09-20 08:08:07.029 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.125000 -2021-09-20 08:08:07.030 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: keswick march twenty second eighteen thirty seven dear madam -Output Transcription: keswick march twenty second eighteen thirty seven dear madame -2021-09-20 08:08:07.031 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.111111 -2021-09-20 08:08:07.034 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: you are a worthy leech will presently whispered robin the wine has worked a marvel -Output Transcription: you are worthy leavell presently whispered robin the wine has worked a marvel -2021-09-20 08:08:07.036 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.200000 -2021-09-20 08:08:07.036 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the drag upon his beak and the light check upon his wings were inexplicable to him and appalling -Output Transcription: the drag upon his beak and the light check upon his wings were inexplicable to him and appalling -2021-09-20 08:08:07.037 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:08:07.040 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: but it is surmised that you will find difficulties in the way of your entering at once upon your government -Output Transcription: but it is surmise that you will find difficulties in the way of your entering at once upon your governor -2021-09-20 08:08:07.043 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.100000 -2021-09-20 08:08:07.046 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: chingachgook had caught the look and motioning with his hand he bade him speak -Output Transcription: chinuch cook had caught the look and motioning with his hand he bade him speak -2021-09-20 08:08:07.047 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.142857 -2021-09-20 08:08:07.048 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: grace be to you and peace from god the father and from our lord jesus christ -Output Transcription: grace be to you and peace from god the father and from our lord jesus christ -2021-09-20 08:08:07.049 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:08:07.051 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: do we really know the mountain well when we are not acquainted with the cavern -Output Transcription: do we really know the mounted well when we are not acquainted with the cavern -2021-09-20 08:08:07.053 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.066667 -2021-09-20 08:08:07.054 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the peculiar circumstances of the colony are within your excellency's knowledge -Output Transcription: the peculiar circumstances of the colony are within your excellencies knowledge -2021-09-20 08:08:07.056 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.090909 -2021-09-20 08:08:07.056 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: he refused at first to listen to the careful advice it was repugnant to his liberal nature -Output Transcription: he refused at first to listen to the careful advice it was repugnant to his liberal nature -2021-09-20 08:08:07.057 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:08:07.059 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: as regards my robbing the company i'll say that i saved them a heavy loss one day -Output Transcription: as regards my robbing the company i'll say that i saved him a heavy loss one day -2021-09-20 08:08:07.062 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.058824 -2021-09-20 08:08:07.063 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: they left him then for the jailer arrived to unlock the door and escort them to the office -Output Transcription: they left him then for the jailer arrived to unlock the door and escort them to the office -2021-09-20 08:08:07.063 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:08:07.063 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the vicious character of sin is brought out by the words who gave himself for our sins -Output Transcription: the vicious character of sin is brought out by the words who gave himself for our sins -2021-09-20 08:08:07.064 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:08:07.064 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the poor little things cried cynthia think of them having been turned to the wall all these years -Output Transcription: the poor little things cried cynthia think of them having been turned to the wall all these years -2021-09-20 08:08:07.065 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:08:07.069 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: but young sharp tongue now that we have caught you we will put you into a trap that you cannot get out of -Output Transcription: but young sharp tongue now that we have caught you will put you into a trap that you cannot get out of -2021-09-20 08:08:07.073 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.043478 -2021-09-20 08:08:07.077 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: and with it i leave you a name sif the friendly i shall hope to drink with you sometime in valhalla -Output Transcription: and with it i leave you a name sift the friendly i shall hope to drink with you some time in valhalla -2021-09-20 08:08:07.082 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.142857 -2021-09-20 08:08:07.082 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: exquisite soft turf of the woods the happiness which your friendship confers upon me -Output Transcription: exquisite soft turf of the woods the happiness which your friendship confers upon me -2021-09-20 08:08:07.082 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:08:07.083 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: he darted through the trees and paused a tall man strongly but slimly made -Output Transcription: he darted through the trees and paused a tall man strongly but slimly made -2021-09-20 08:08:07.083 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:08:07.085 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: why it's in missouri somewhere on the frontier i think we'll get a map -Output Transcription: white to missouri somewhere on the frontier i think we'll get a map -2021-09-20 08:08:07.087 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.214286 -2021-09-20 08:08:07.087 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: he made an effort to hide his condition from them all and robin felt his fingers tighten upon his arm -Output Transcription: he made an effort to hide his condition from them all and robin felt his fingers tighten upon his arm -2021-09-20 08:08:07.088 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:08:07.092 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i can assure you he has not even allowed me to see the trigger since i have been on board -Output Transcription: i can assure you he is not even allowed me to see the trigger since i have been on board -2021-09-20 08:08:07.095 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.050000 -2021-09-20 08:08:07.095 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: margaret bolton almost lost for a moment her habitual placidity -Output Transcription: margaret bolton almost lost for a moment her habitual placidity -2021-09-20 08:08:07.096 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:08:07.100 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: you see i've lived all my life with unc nunkie the silent one and there was no one to tell me anything -Output Transcription: you see i've lived all my life without monkey the silent one and there was no one to tell me anything -2021-09-20 08:08:07.104 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.136364 -2021-09-20 08:08:07.105 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: he felt he was up against it and that perhaps another kind of a job would suit him better -Output Transcription: he felt he was up against it and that perhaps another kind of a job would suit him better -2021-09-20 08:08:07.105 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:08:07.107 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: this differentiation is furthered by the inheritance of wealth and the consequent inheritance of gentility -Output Transcription: this differentiation is further by the inheritance of wealth and the consequent inheritance of gentility -2021-09-20 08:08:07.109 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.066667 -2021-09-20 08:08:07.110 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: why should one not explore everything and study everything -Output Transcription: why should one not explore everything and study everything -2021-09-20 08:08:07.110 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:08:07.113 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the sound of an imperative and uncompromising bell recalled me in due time to the regions of reality -Output Transcription: the sound of an imperative and uncompromising bell recalled me in due time to the region's reality -2021-09-20 08:08:07.116 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.111111 -2021-09-20 08:08:07.117 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the sombre old trees like gigantic hearse plumes black and awful -Output Transcription: the sombre old trees a gigantic curse plumes black and awful -2021-09-20 08:08:07.119 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.181818 -2021-09-20 08:08:07.119 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: grandfather was alexander carey l l d doctor of laws that is -Output Transcription: grandfather was alexander carey l l d doctor of laws that is -2021-09-20 08:08:07.119 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:08:07.120 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: tables were spread on the lawn and a dainty but substantial repast was to be served -Output Transcription: tables were spread on the lawn and a dainty but substantial repast was to be served -2021-09-20 08:08:07.120 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:08:07.120 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the military force partly rabble partly organized had meanwhile moved into the town -Output Transcription: the military force partly rabble partly organized had meanwhile moved into the town -2021-09-20 08:08:07.121 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:08:07.123 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: munny i tould ike to do into de barn to tommy to see de whittawd -Output Transcription: money i didi to do into the barn to tommy to see the widowed -2021-09-20 08:08:07.125 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.400000 -2021-09-20 08:08:07.126 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: he stood still in deference to their calls and parried their banter with easy words -Output Transcription: he stood still in deference to their calls and parried their banter with easy words -2021-09-20 08:08:07.126 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:08:07.127 | INFO | deepspeech2x.model:test:372 - Error rate [wer] (1280/?) = 0.079337 -2021-09-20 08:08:11.198 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: finally the one party went off exulting and the other was left in desolation and woe -Output Transcription: finally the one party went off exalting and the other was left in desolation and well -2021-09-20 08:08:11.201 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.125000 -2021-09-20 08:08:11.201 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: can these things be returned david breathing more freely as the truth began to dawn upon him -Output Transcription: can these things be returned david breathing more freely as the truth began to dawn upon him -2021-09-20 08:08:11.202 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:08:11.202 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: then as if satisfied of their safety the scout left his position and slowly entered the place -Output Transcription: then as if satisfied of their safety the scout left his position and slowly entered the place -2021-09-20 08:08:11.202 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:08:11.203 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: some mysterious force seemed to have brought about a convulsion of the elements -Output Transcription: some mysterious force seemed to have brought about a convulsion of the elements -2021-09-20 08:08:11.203 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:08:11.203 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i saw at the hamburg museum the skeleton of one of these creatures thirty feet in length -Output Transcription: i saw at the hamburg museum the skeleton of one of these creatures thirty feet in length -2021-09-20 08:08:11.203 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:08:11.204 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the utility of consumption as an evidence of wealth is to be classed as a derivative growth -Output Transcription: the utility of consumption as an evidence of wealth is to be classed as a derivative growth -2021-09-20 08:08:11.204 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:08:11.204 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: oh sir said missus poyser rather alarmed you wouldn't like it at all -Output Transcription: oh sir said missus poyser rather alarmed you wouldn't like it at all -2021-09-20 08:08:11.204 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:08:11.206 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: moreover had the people been inclined to rebellion what greater opportunity could they have wished -Output Transcription: moreover had the people been inclined to rebellion woke greater opportunity could they have wished -2021-09-20 08:08:11.208 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.066667 -2021-09-20 08:08:11.209 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: now be silent on your lives he began but the captured apprentice set up an instant shout -Output Transcription: now be silent on your lives he began but the captured apprentice set up an instant shout -2021-09-20 08:08:11.209 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:08:11.209 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: thrusting open the proper entrance of the tent robin suddenly rushed forth with his burden with a great shout -Output Transcription: thrusting open the proper entrance of the tent robin suddenly rushed forth with his burden with a great shout -2021-09-20 08:08:11.209 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:08:11.212 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: we have our little struggles here as elsewhere and all things cannot be done by rose water -Output Transcription: we have our little struggles here as elsewhere and all things cannot be done by rosewater -2021-09-20 08:08:11.214 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.117647 -2021-09-20 08:08:11.214 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: as soon as these dispositions were made the scout turned to david and gave him his parting instructions -Output Transcription: as soon as these dispositions were made the scout turned to david and gave him his parting instructions -2021-09-20 08:08:11.215 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:08:11.217 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: all about him was a tumult of bright and broken color scattered in broad splashes -Output Transcription: all about him was a tumult of bright and broken color scattered and broad splashes -2021-09-20 08:08:11.219 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.066667 -2021-09-20 08:08:11.219 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: this attitude is universal and particularly developed in those who consider themselves better than others -Output Transcription: this attitude is universal and particularly developed in those who consider themselves better than others -2021-09-20 08:08:11.219 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:08:11.221 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: tell us said the other the whole story and where solon heard the story -Output Transcription: tell us said the other the whole story and were solemn heard this story -2021-09-20 08:08:11.223 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.214286 -2021-09-20 08:08:11.223 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: here go and get me change for a louis i have it sir -Output Transcription: here go and get me change for a louis i have it sir -2021-09-20 08:08:11.223 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:08:11.226 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: she considered a moment and then said no i think not though i am glad you ask me -Output Transcription: she considered for a moment and then said no i think not the way i'm glad you ask me -2021-09-20 08:08:11.229 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.222222 -2021-09-20 08:08:11.229 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i discovered and put out a fire that would have destroyed the whole plant but marshall never even thanked me -Output Transcription: i discovered and put out a fire that would have destroyed the whole plant but marshall never even thanked me -2021-09-20 08:08:11.229 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:08:11.230 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: there was good reason to stop and think even for the world's most emotionless man -Output Transcription: there was good reason to stop and think even for the world's most emotionless man -2021-09-20 08:08:11.230 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:08:11.230 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: what could he do he caught up everything which would betray him and he rushed into your bedroom to conceal himself -Output Transcription: what could he do he caught up everything which would betray him and he rushed into your bedroom to conceal himself -2021-09-20 08:08:11.230 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:08:11.231 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: then rogers wouldn't do anything but lead her around and wait upon her and the place went to rack and ruin -Output Transcription: then rogers wouldn't do anything but lead her around and wait upon her and the place went to rack and ruin -2021-09-20 08:08:11.231 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:08:11.235 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: that is the best way to decide for the spear will always point somewhere and one thing is as good as another -Output Transcription: that is the best way to the side of the sphere will always point somewhere and one thing is as good as another -2021-09-20 08:08:11.239 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.181818 -2021-09-20 08:08:11.239 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: wherever the means of grace are found there is the holy church even though antichrist reigns there -Output Transcription: wherever the means of grace are found there is the holy church even though antichrist reigns there -2021-09-20 08:08:11.240 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:08:11.240 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: what sir i said to him am i fortunate enough to see you -Output Transcription: what sir i said to him am i fortunate enough to see you -2021-09-20 08:08:11.240 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:08:11.240 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: old dances are simplified of their yearning bleached by time -Output Transcription: old dances are simplified of their yearning bleached by time -2021-09-20 08:08:11.241 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:08:11.243 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: scuse me said trot i neglected to tell you that you're not the boolooroo any more -Output Transcription: excuse me said shot i neglected to tell you that you're not the boooo any more -2021-09-20 08:08:11.246 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.187500 -2021-09-20 08:08:11.246 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: she was the most agreeable woman i've ever known in her position she would have been worthy of any whatever -Output Transcription: she was the most agreeable woman i've ever known in her position she would have been worthy of any whatever -2021-09-20 08:08:11.247 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:08:11.247 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i will show you what a good job i did and she went to a tall cupboard and threw open the doors -Output Transcription: i will show you what a good job i did and she went to a tall cupboard and threw open the doors -2021-09-20 08:08:11.248 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:08:11.251 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: naomi shook her forefinger reproachfully at them as if the two sturdy young farmers had been two children -Output Transcription: he only shook a forefinger reproachfully at them as if the two sturdy on farmers had been two children -2021-09-20 08:08:11.254 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.222222 -2021-09-20 08:08:11.256 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: to this his answer was prompt oh thank god no and is the record yours -Output Transcription: to this his answer was prompt oh thank god now and is the record yours -2021-09-20 08:08:11.258 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.066667 -2021-09-20 08:08:11.259 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: but the real significance and comfort of the words for our sins is lost upon them -Output Transcription: but the real significance and comfort of the words for our sins is lost upon them -2021-09-20 08:08:11.259 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:08:11.262 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: you were quite right to say no ambrose began never smoke with john jago his cigars will poison you -Output Transcription: you were quite right to say no ambrose began never smoke a jonah his cigars will poison you -2021-09-20 08:08:11.265 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.157895 -2021-09-20 08:08:11.265 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i take this as my answer and i leave the professor to bite his lips with impatience -Output Transcription: i take this as my answer and i leave the professor to bite his lips with impatience -2021-09-20 08:08:11.266 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:08:11.267 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: could it mean to last a love set pendulous between sorrow and sorrow -Output Transcription: could it mean to last a love set pendulous between sorrow and sorrow -2021-09-20 08:08:11.267 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:08:11.268 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the rector paused and then shaking his clasped hands before him went on -Output Transcription: the rector paused and then shaking his clasped hands before him went on -2021-09-20 08:08:11.268 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:08:11.270 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: why should i rust and be stupid and sit in inaction because i am a girl -Output Transcription: why should i rest and be stupid and sit in an action because i am a girl -2021-09-20 08:08:11.273 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.187500 -2021-09-20 08:08:11.276 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: as he flew his down reaching clutching talons were not half a yard above the fugitive's head -Output Transcription: as he flew his down meeting clutching talons were not half a yard about the fugitives head -2021-09-20 08:08:11.278 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.176471 -2021-09-20 08:08:11.279 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: but the dusk deepening in the schoolroom covered over his thoughts the bell rang -Output Transcription: but the dusk deepening in the schoolroom covered over his thoughts the bell rang -2021-09-20 08:08:11.280 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:08:11.283 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i could write to my man and enclose the key he could send down the packet as he finds it -Output Transcription: i could write to my man and enclosed the key he could send down the packet as he finds it -2021-09-20 08:08:11.286 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.050000 -2021-09-20 08:08:11.289 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: in the evenings i confess i do think but i never trouble any one else with my thoughts -Output Transcription: in the evenings i confess i do think but i never trouble anyone else with my thoughts -2021-09-20 08:08:11.292 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.111111 -2021-09-20 08:08:11.294 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: meanwhile rodolfo had leocadia safe in his custody and in his own apartment -Output Transcription: meanwhile rudolph had locali safe in his custody and in his own apartment -2021-09-20 08:08:11.296 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.153846 -2021-09-20 08:08:11.298 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: we are traveling replied ojo and we stopped at your house just to rest and refresh ourselves -Output Transcription: we are traveling replied ojo and the stuff at your health just to rest and refresh ourselves -2021-09-20 08:08:11.301 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.176471 -2021-09-20 08:08:11.304 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: pearl seeing the rose bushes began to cry for a red rose and would not be pacified -Output Transcription: pearl seeing the rose bushes began to cry for our red rose and would not be pacified -2021-09-20 08:08:11.306 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.058824 -2021-09-20 08:08:11.307 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: this has indeed been a harassing day continued the young man his eyes fixed upon his friend -Output Transcription: this has indeed been a harassing day continued the young man his eyes fixed upon his friend -2021-09-20 08:08:11.307 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:08:11.311 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: you will say that a woman has no need of such a caution there can be no peril in it for her -Output Transcription: you will say that a woman has no need of such caution there can be no peril in it for her -2021-09-20 08:08:11.316 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.045455 -2021-09-20 08:08:11.316 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: it was the scarlet letter in another form the scarlet letter endowed with life -Output Transcription: it was the scarlet letter in another form the scarlet letter endowed with life -2021-09-20 08:08:11.317 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:08:11.320 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: my scholar has been left very poor but he is hard working and industrious he will do well -Output Transcription: my scholar has been left a very poor but he is hard working and industrious he will do well -2021-09-20 08:08:11.323 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.055556 -2021-09-20 08:08:11.323 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: they were both remembering what the woman had said when she took the money god give you a happy love -Output Transcription: they were both remembering what the woman had said when she took the money god give you a happy love -2021-09-20 08:08:11.324 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:08:11.327 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the first lot we tested on our glass cat which not only began to live but has lived ever since -Output Transcription: the first lot we tested on our glass hat which not only began to live but has lived ever since -2021-09-20 08:08:11.331 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.050000 -2021-09-20 08:08:11.335 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the raft was heaved up on a watery mountain and pitched down again at a distance of twenty fathoms -Output Transcription: the raft was heat up on a water mountain and pitched down again at a distance of twenty fathoms -2021-09-20 08:08:11.338 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.105263 -2021-09-20 08:08:11.338 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: bartley bent over and took her in his arms kissing her mouth and her wet tired eyes -Output Transcription: bartley bent over and took her in his arms kissing her mouth and her wet tired eyes -2021-09-20 08:08:11.339 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:08:11.344 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: here is a ring for sif the friendly and here is a bracelet a sword would not be ashamed to hang at your side -Output Transcription: here is a ring for sift the friendly and here is a bracelet and a sword would not be ashamed to hang at your side -2021-09-20 08:08:11.348 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.083333 -2021-09-20 08:08:11.352 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: choking with emotion leocadi made a sign to her parents that she wished to be alone with them -Output Transcription: choking with emotion leucadia made a sign to her parents that she wished to be alone with him -2021-09-20 08:08:11.354 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.111111 -2021-09-20 08:08:11.355 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: she introduced me to all her guests and gave me some particulars respecting every one of them -Output Transcription: she introduced me to all her guests and gave me some particulars respecting every one of them -2021-09-20 08:08:11.356 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:08:11.356 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: open thy heart wide and fold within the wet wings of thy dove -Output Transcription: open thy heart wide and fold within the wet wings of thy dove -2021-09-20 08:08:11.356 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:08:11.357 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the pride of that dim image brought back to his mind the dignity of the office he had refused -Output Transcription: the pride of that dim image brought back to his mind the dignity of the office he had refused -2021-09-20 08:08:11.357 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:08:11.358 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: you'll easily judge why when you hear because the thing had been such a scare he continued to fix me -Output Transcription: you'll easily judge why when you hear because the thing had been such a scare he continued to fix me -2021-09-20 08:08:11.358 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:08:11.358 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: as a private citizen i shall be a model of deportment because it would be dangerous to be otherwise -Output Transcription: as a private citizen i shall be a model of deportment because it would be dangerous to be otherwise -2021-09-20 08:08:11.359 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:08:11.359 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i thank all who have loved me in their hearts with thanks and love from mine -Output Transcription: i thank all who have loved me in their hearts with thanks and love from mine -2021-09-20 08:08:11.360 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:08:11.360 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the glimmering sea of delicate leaves whispered and murmured before her stretching away to the northward -Output Transcription: the glimmering sea of delicate leaves whispered and murmured before her stretching away to the northward -2021-09-20 08:08:11.361 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:08:11.365 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: this set of rooms is quite the oldest in the college and it is not unusual for visitors to go over them -Output Transcription: the set of rooms is quite the oldest in the college and it is not unusual for visitors to go over them -2021-09-20 08:08:11.369 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.045455 -2021-09-20 08:08:11.370 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: footnote sumner to shannon may twelfth eighteen fifty six -Output Transcription: foot note summer to shannon may twelve eighteen fifty six -2021-09-20 08:08:11.371 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.444444 -2021-09-20 08:08:11.372 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: there is hardly one day out of a hundred which is wholly joyous and sunny -Output Transcription: there is hardly one day out of a hundred which is wholly joyous and sunny -2021-09-20 08:08:11.372 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:08:11.376 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: yet here are we within a short range of the scaroons and not a sign of a trail have we crossed -Output Transcription: yet here are we within a short range of the sharons and not a sign of a trail have we crossed -2021-09-20 08:08:11.379 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.047619 -2021-09-20 08:08:11.381 | INFO | deepspeech2x.model:test:372 - Error rate [wer] (1344/?) = 0.077328 -2021-09-20 08:08:14.685 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: yes we are certainly i replied evasively but after we make a detour -Output Transcription: yes we are certainly i replied evasively but after we make a detour -2021-09-20 08:08:14.687 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:08:14.687 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: and this was why kenneth and beth discovered him conversing with the young woman in the buggy -Output Transcription: and this was why kenneth and beth discovered him conversing with the young woman in the buggy -2021-09-20 08:08:14.687 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:08:14.688 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: harangue the tiresome product of a tireless tongue -Output Transcription: herring the tiresome product of a tireless tongue -2021-09-20 08:08:14.689 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.125000 -2021-09-20 08:08:14.692 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: this she said was true hospitality and i am not sure that i did not agree with her -Output Transcription: this she said was true hospitality and i am not sure that i did not agree with there -2021-09-20 08:08:14.694 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.055556 -2021-09-20 08:08:14.698 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: and this plan was adopted too in order to extract from me a promise that i would depart in peace -Output Transcription: and this plan was adopted to in order to extract from me a promise that i would depart in peace -2021-09-20 08:08:14.701 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.050000 -2021-09-20 08:08:14.704 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: my friend did not appear to be depressed by his failure but shrugged his shoulders in half humorous resignation -Output Transcription: my friend did not appear to be depressed by his failure but shrugged his shoulders and half humorous resignation -2021-09-20 08:08:14.707 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.052632 -2021-09-20 08:08:14.709 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i expect you have been a very good girl andella since you were here last -Output Transcription: i expect you have been a very good girl and della since you were here last -2021-09-20 08:08:14.711 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.133333 -2021-09-20 08:08:14.713 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the nautilus nearly perishes in the antarctic and nemo sinks into a growing depression -Output Transcription: the nautilus nearly perishes in the antarctic and the most things into a growing depression -2021-09-20 08:08:14.715 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.214286 -2021-09-20 08:08:14.717 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: his tones rang pleasantly on warrenton's ears and forthwith a good fellowship was heralded between them -Output Transcription: his tones ring pleasantly on warranties ears and forthwith the good fellowship was heralded between them -2021-09-20 08:08:14.719 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.187500 -2021-09-20 08:08:14.720 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: yes the character which your royal highness assumed is in perfect harmony with your own -Output Transcription: yes the character which your royal highness assumed is in perfect harmony with your own -2021-09-20 08:08:14.720 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:08:14.722 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i left instructions for shipping my containers of stuffed animals and dried plants to paris france -Output Transcription: i left instructions for shipping like containers of stuffed animals and dried plants to paris france -2021-09-20 08:08:14.724 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.062500 -2021-09-20 08:08:14.727 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: he returned carrying his jumping shoes which are provided as you are aware with several sharp spikes -Output Transcription: he returned carrying his jumping shoes which are provided as you are ware with several sharp spikes -2021-09-20 08:08:14.729 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.058824 -2021-09-20 08:08:14.730 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: della had a young sister named maria and a cousin whose name was jane -Output Transcription: della had a young sister named maria and a cousin whose name was jane -2021-09-20 08:08:14.730 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:08:14.730 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: at last the cotton combine was to all appearances an assured fact and he was slated for the senate -Output Transcription: at last the cotton combine was to all appearances an assured fact and he was slated for the senate -2021-09-20 08:08:14.731 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:08:14.731 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: if the count were on board a strange fatality was bringing him to the presence of his rival -Output Transcription: if the count were on board a strange fatality was bringing him to the presence of his rival -2021-09-20 08:08:14.731 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:08:14.733 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: approaching the dining table he carefully placed the article in the centre and removed the cloth -Output Transcription: approaching the dining table he carefully placed the article in the center and removed the cloth -2021-09-20 08:08:14.735 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.062500 -2021-09-20 08:08:14.736 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i left you on a continent and here i have the honor of finding you on an island -Output Transcription: i left you on a continent and here i have the honor of finding you on an island -2021-09-20 08:08:14.736 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:08:14.738 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: she looked at his heavy shoulders and big determined head thrust forward like a catapult in leash -Output Transcription: she looked at his heavy shoulders and big determined head pressed forward like a catapult on leash -2021-09-20 08:08:14.741 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.117647 -2021-09-20 08:08:14.743 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: spoke the squire losing all patience and it was to you that i gave another purse in consolation -Output Transcription: spoke the squire losing all patient and it was to you that i gave another person consolation -2021-09-20 08:08:14.746 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.166667 -2021-09-20 08:08:14.747 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: over the track lined city street the young men the grinning men pass -Output Transcription: over the track lined city street the young men the grinning man pass -2021-09-20 08:08:14.749 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.076923 -2021-09-20 08:08:14.749 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: it has occupied mother a long time to find at the shops the exact shade for her new bonnet -Output Transcription: it has occupied mother a long time to find at the shops the exact shade for her new bonnet -2021-09-20 08:08:14.749 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:08:14.752 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: a bed quilt made of patches of different kinds and colors of cloth all neatly sewed together -Output Transcription: a bed quilt made of patches of different kinds and colors of cloth all neatly so together -2021-09-20 08:08:14.754 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.058824 -2021-09-20 08:08:14.757 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: your letter has given me great pleasure and i should not forgive myself if i did not tell you so -Output Transcription: your letter has given me great pleasure and i should not forgive myself if i didn't tell you so -2021-09-20 08:08:14.760 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.100000 -2021-09-20 08:08:14.761 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i'm going to see mister marshall said kenneth and discover what i can do to assist you thank you sir -Output Transcription: i'm going to see mister marshall said kenneth and discover what i can do to assist you thank you sir -2021-09-20 08:08:14.761 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:08:14.764 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: it did not beckon or indeed move at all it was as still as the hand of death -Output Transcription: it did not bacon or indeed move at all it was as still as the hand of death -2021-09-20 08:08:14.766 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.055556 -2021-09-20 08:08:14.768 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i'm glad you like it says wylder chuckling benignantly on it over his shoulder -Output Transcription: i'm glad you like it says wilder chuckling indignantly on it over his shoulder -2021-09-20 08:08:14.770 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.142857 -2021-09-20 08:08:14.774 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: young fitzooth had been commanded to his mother's chamber so soon as he had come out from his converse with the squire -Output Transcription: young fit south had been commanded to his mother's chamber so soon as he had come out from his converse with the squire -2021-09-20 08:08:14.779 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.090909 -2021-09-20 08:08:14.779 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: as any in england i would say said gamewell proudly that is in his day -Output Transcription: as any in england i would say said gamewell proudly that is in his day -2021-09-20 08:08:14.780 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:08:14.781 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i think that will do she continued for the other qualities are not needed in a servant -Output Transcription: i think that will do she continued for the other qualities are not needed in a servant -2021-09-20 08:08:14.781 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:08:14.781 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: since christ was given for our sins it stands to reason that they cannot be put away by our own efforts -Output Transcription: since christ was given for our sins it stands to reason that they cannot be put away by our own efforts -2021-09-20 08:08:14.782 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:08:14.784 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: but in this vignette copied from turner you have the two principles brought out perfectly -Output Transcription: but in this vineyard copied from turner you have the two principles brought out perfectly -2021-09-20 08:08:14.786 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.066667 -2021-09-20 08:08:14.791 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: so no tales got out to the neighbors besides it was a lonely place and by good luck no one came that way -Output Transcription: so no tails got out to the neighbors besides it was a lonely place and by good luck no one came that way -2021-09-20 08:08:14.795 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.043478 -2021-09-20 08:08:14.796 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the strange woman and her passionate sentence that rang out so sharply had frightened them both -Output Transcription: the strange woman and her passionate sentence that rang out so sharply had frightened them both -2021-09-20 08:08:14.797 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:08:14.798 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: john wesley combash jacob taylor and thomas edward skinner -Output Transcription: john wesley compas jacob taylor and thomas edward skinner -2021-09-20 08:08:14.799 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.111111 -2021-09-20 08:08:14.801 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: this transient spring and lighting up are beautiful a glamour beguiling our senses -Output Transcription: this transit spring and lighting up our beautiful a glamour beguiling our senses -2021-09-20 08:08:14.802 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.153846 -2021-09-20 08:08:14.803 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: now when has horror ever excluded study -Output Transcription: no when has horror ever excluded study -2021-09-20 08:08:14.804 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.142857 -2021-09-20 08:08:14.807 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: miss taylor did not know much about cotton but at least one more remark seemed called for -Output Transcription: miss taylor did not know much about cotton but at least one more remarked seem called for -2021-09-20 08:08:14.809 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.117647 -2021-09-20 08:08:14.814 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: we want you to help us publish some leading work of luther's for the general american market will you do it -Output Transcription: we want you to help us publish some leading work of luthers for the general american market will you do it -2021-09-20 08:08:14.817 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.047619 -2021-09-20 08:08:14.818 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i believe i have a little taste that way those are all real you know those jewels -Output Transcription: i believe i have a little taste that way those are all real you know those jewels -2021-09-20 08:08:14.818 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:08:14.821 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: no sir he isn't he's gone to rosseter to see mister west the factor about the wool -Output Transcription: no sir he isn't he's gone to rossiter to see mister west the factor about the wall -2021-09-20 08:08:14.823 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.117647 -2021-09-20 08:08:14.826 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: this is the explanation of the shallows which are found in that part of the atlantic ocean -Output Transcription: this is the explanation of the shells which i found in that part of the atlantic ocean -2021-09-20 08:08:14.829 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.117647 -2021-09-20 08:08:14.829 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: frank read english slowly and the more he read about this divorce case the angrier he grew -Output Transcription: frank read english slowly and the more he read about this divorce case the angrier he grew -2021-09-20 08:08:14.830 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:08:14.831 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: my friend's temper had not improved since he had been deprived of the congenial surroundings of baker street -Output Transcription: my friend's temper had not improved since he had been deprived of the congenial surroundings of baker street -2021-09-20 08:08:14.831 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:08:14.834 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: then she gave rosalie back her magic ring thanking the kind witch for all she had done for them -Output Transcription: then she gave rose lay back her magic ring thanking the kind which for all she had done for them -2021-09-20 08:08:14.838 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.157895 -2021-09-20 08:08:14.840 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: there might be a bit of poetry here and there but most of this place was such desperate prose -Output Transcription: there might be a bit of poetry here and there but most of this place was such desperate rose -2021-09-20 08:08:14.844 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.052632 -2021-09-20 08:08:14.846 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: at this the bundle opened suddenly and out popped phronsie -Output Transcription: at this the bundle opened suddenly and out popped rosie -2021-09-20 08:08:14.847 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.100000 -2021-09-20 08:08:14.850 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: bartley leaned over her shoulder without touching her and whispered in her ear you are giving me a chance yes -Output Transcription: partly lean over her shoulder without touching her and whispered in her ear you are giving me a chance yes -2021-09-20 08:08:14.854 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.100000 -2021-09-20 08:08:14.857 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: but joyce had not been listening all at once she put down her candle on the table and faced her companion -Output Transcription: but joyce had not been listening all at once she put on her candle on the table and faced her companion -2021-09-20 08:08:14.861 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.047619 -2021-09-20 08:08:14.865 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i had not ventured to hope for such a reply so considerate in its tone so noble in its spirit -Output Transcription: i have not ventured to hope for such a reply so considerate in its tone so noble in its spirit -2021-09-20 08:08:14.868 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.050000 -2021-09-20 08:08:14.871 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: there befell an anxious interview mistress fitzooth arguing for and against the squire's project in a breath -Output Transcription: there befell an anxious interview mistress of tooth arguing for and against the squires project in the breath -2021-09-20 08:08:14.874 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.235294 -2021-09-20 08:08:14.877 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: these perverters of the righteousness of christ resist the father and the son and the works of them both -Output Transcription: these perverts of the richness of christ resist the father and the son and the works of them both -2021-09-20 08:08:14.880 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.105263 -2021-09-20 08:08:14.882 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: but in this friendly pressure raoul could detect the nervous agitation of a great internal conflict -Output Transcription: by in this friendly pressure roll to take the nervous agitation of a great internal conflict -2021-09-20 08:08:14.885 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.250000 -2021-09-20 08:08:14.885 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the only thing necessary was to fix seth reynolds and this hopkins arranged personally -Output Transcription: the only thing necessary was to fix seth reynolds and this hopkins arranged personally -2021-09-20 08:08:14.886 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:08:14.887 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: in this world evidently the vestibule of another there are no fortunate -Output Transcription: in this worlds evidently the vestibule of another there are no fortunate -2021-09-20 08:08:14.889 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.083333 -2021-09-20 08:08:14.889 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: she wanted a glance of the new books and periodicals and talk of great philanthropies and reforms -Output Transcription: she wanted a glance of the new books and periodicals and talk of great philanthropies and reforms -2021-09-20 08:08:14.890 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:08:14.894 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: a little cracked that in the popular phrase was my impression of the stranger who now made his appearance in the supper room -Output Transcription: a little crack that in the popular phrase was my impression of the stranger who now made his appearance in the supper room -2021-09-20 08:08:14.899 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.043478 -2021-09-20 08:08:14.900 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: slow to world greetings quick with its o list when the angels speak -Output Transcription: slow to world greetings quick with it o list when the angel speak -2021-09-20 08:08:14.902 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.153846 -2021-09-20 08:08:14.902 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: even so i had just returned from an arduous journey exhausted and badly needing a rest -Output Transcription: even so i had just returned from an arduous journey exhausted and badly needing a rest -2021-09-20 08:08:14.903 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:08:14.905 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: then said sir ferdinando there is nothing for it but that he must take you with him -Output Transcription: then said sir ferdinando there is nothing for but that we must take you with him -2021-09-20 08:08:14.908 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.117647 -2021-09-20 08:08:14.911 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i wish i hadn't cried so much said alice as she swam about trying to find her way out -Output Transcription: i wish i hadn't cried so much' said alice as she swam about trying to find her way out -2021-09-20 08:08:14.915 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.052632 -2021-09-20 08:08:14.916 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: there is the slang of the affected lady as well as of the precieuses -Output Transcription: there is the slang of the affected lady as well as of the presses -2021-09-20 08:08:14.918 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.071429 -2021-09-20 08:08:14.919 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: to burn without ceasing to fly therein lies the marvel of genius -Output Transcription: to burn without ceasing to fly therein lies the marvel of genius -2021-09-20 08:08:14.919 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:08:14.922 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: there jap you've caught it laughed percy while the others screamed at the sight of jasper's face -Output Transcription: there cap you've got it lapped percy while the other screamed at the side of jasper's face -2021-09-20 08:08:14.925 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.294118 -2021-09-20 08:08:14.927 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i sit down at a small table a waiter comes immediately to enquire my wishes -Output Transcription: i sit down at a small table a waiter comes immediately to inquire my wishes -2021-09-20 08:08:14.929 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.066667 -2021-09-20 08:08:14.930 | INFO | deepspeech2x.model:test:372 - Error rate [wer] (1408/?) = 0.076862 -2021-09-20 08:08:18.498 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: you gave me double five i want double nine hallo is that you horatio hamlet speaking -Output Transcription: you gave me double five i want double nine hello is that you horatio hamlet speaking -2021-09-20 08:08:18.501 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.062500 -2021-09-20 08:08:18.504 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: he knew his uncle would be glad to hear that he had at last turned his thoughts to a practical matter -Output Transcription: he knew his uncle will be glad to hear that he had at last turned his thoughts to a practical matter -2021-09-20 08:08:18.508 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.047619 -2021-09-20 08:08:18.508 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: her manner was neither independent nor assertive but rather one of well bred composure and calm reliance -Output Transcription: her manner was neither independent nor assertive but rather one of well bred composure and calm reliance -2021-09-20 08:08:18.509 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:08:18.513 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i made her for only twenty oars because i thought few men would follow me for i was young fifteen years old -Output Transcription: i made her for my twenty ars because i thought few men would follow me for i was young fifteen years old -2021-09-20 08:08:18.516 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.090909 -2021-09-20 08:08:18.518 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: have mercy lord on me i pray for men would me devour -Output Transcription: have mercy lord on me i pray for men with me devour -2021-09-20 08:08:18.519 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.083333 -2021-09-20 08:08:18.523 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: oh you are the dearest and best mister king i ever saw but how did you make mammy let her come -Output Transcription: oh you are the dearest and best mister king i ever saw but how did you make mommy let her come -2021-09-20 08:08:18.526 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.047619 -2021-09-20 08:08:18.527 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: on arriving at home at my own residence i found that our salon was filled with a brilliant company -Output Transcription: on arriving at home at my own residence i found that our salon was filled with a brilliant company -2021-09-20 08:08:18.527 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:08:18.530 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: my yacht is at your service sir even should you require to make a tour round the world -Output Transcription: my yacht is at your service sir even should you require to make a tour around the world -2021-09-20 08:08:18.532 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.055556 -2021-09-20 08:08:18.533 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: for the first time the maid seemed a little confused and her gaze wandered from the face of her visitor -Output Transcription: for the first time the maid seemed a little confused and her gaze wandered from the face of her visitor -2021-09-20 08:08:18.533 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:08:18.536 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: holmes held out a small chip with the letters n n and a space of clear wood after them you see -Output Transcription: holmes held out a small chip with the letters and in the space of clear wood after them you see -2021-09-20 08:08:18.540 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.190476 -2021-09-20 08:08:18.541 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: some images like some sensations feel very familiar while others feel strange -Output Transcription: some images like some sensations fill very familiar while others fill strange -2021-09-20 08:08:18.543 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.166667 -2021-09-20 08:08:18.543 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: there cannot be a doubt he received you kindly for in fact you returned without his permission -Output Transcription: there cannot be a doubt he received you kindly for in fact you returned without his permission -2021-09-20 08:08:18.543 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:08:18.548 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: he knew it would take them to the house of the crooked magician whom he had never seen but who was their nearest neighbor -Output Transcription: he knew it would take them to the house of the crooked magician whom he had never seen but who was there nearest neighbor -2021-09-20 08:08:18.553 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.041667 -2021-09-20 08:08:18.553 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: in this case as in most others what may be taken as certain in advance is rather vague -Output Transcription: in this case as in most others what may be taken as certain in advance is rather vague -2021-09-20 08:08:18.553 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:08:18.554 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the golden star of tinsel was still on the top of the tree and glittered in the sunshine -Output Transcription: the golden star of tinsel was still on the top of the tree and glittered in the sunshine -2021-09-20 08:08:18.554 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:08:18.555 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the real human division is this the luminous and the shady -Output Transcription: the real human division as this the luminous and the shady -2021-09-20 08:08:18.556 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.090909 -2021-09-20 08:08:18.557 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i've strong assurance that no evil will happen to you and my uncle and the children from anything i've done -Output Transcription: i've strong assurance that no evil will happen to you and my uncle and the children from anything i've done -2021-09-20 08:08:18.557 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:08:18.560 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: please tell me one thing bartley at least tell me that you believe i thought i was making you happy -Output Transcription: please tell me one thing partly at least tell me that you believe i thought i was making you happy -2021-09-20 08:08:18.564 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.050000 -2021-09-20 08:08:18.565 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: she ceasd and smild in tears then sat down in her silver shrine -Output Transcription: she ceased and smiled in tears then sat down in her silver shrine -2021-09-20 08:08:18.567 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.153846 -2021-09-20 08:08:18.569 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: then they started on again and two hours later came in sight of the house of doctor pipt -Output Transcription: then they started on again and two hours later came in sight of the house of doctor pipped -2021-09-20 08:08:18.572 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.055556 -2021-09-20 08:08:18.576 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: there was something in his air and manner that betrayed to the scout the utter confusion of the state of his mind -Output Transcription: there was something in his air in the manner that betrayed to the scout the utter confusion of the state of his mind -2021-09-20 08:08:18.580 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.090909 -2021-09-20 08:08:18.583 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: bravely and generously has he battled in my behalf and this and more will i dare in his service -Output Transcription: bravely and generously as he battled in my behalf and this and more will i dare in his service -2021-09-20 08:08:18.586 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.052632 -2021-09-20 08:08:18.589 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: you must see lieutenant i should think that we are not so near the coast of algeria as you imagined -Output Transcription: you must see lieutenant i should think that we are not so near the coast of algeria as you imagine -2021-09-20 08:08:18.593 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.050000 -2021-09-20 08:08:18.593 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: a suffocating smell of nitrogen fills the air it enters the throat it fills the lungs -Output Transcription: a suffocating smell of nitrogen fills the air it enters the throat it fills the lungs -2021-09-20 08:08:18.593 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:08:18.593 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: yet little as it was it had already made a vast difference in the aspect of the room -Output Transcription: yet little as it was it had already made a vast difference in the aspect of the room -2021-09-20 08:08:18.594 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:08:18.594 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i was thinking it's very like the ace of hearts answered the captain softly smiling on -Output Transcription: i was thinking it's very like the ace of hearts answered the captain softly smiling on -2021-09-20 08:08:18.594 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:08:18.598 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the stop at queenstown the tedious passage up the mersey were things that he noted dimly through his growing impatience -Output Transcription: stop at queen's town the tedious passage of the mercy were things that he noted dimly through his growing impatience -2021-09-20 08:08:18.602 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.250000 -2021-09-20 08:08:18.602 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the first of our vague but indubitable data is that there is knowledge of the past -Output Transcription: the first of our vague but indubitable data is that there is knowledge of the past -2021-09-20 08:08:18.602 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:08:18.604 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: however he who says light does not necessarily say joy -Output Transcription: however he who says light does not necessarily said joy -2021-09-20 08:08:18.605 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.100000 -2021-09-20 08:08:18.605 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i wish you weren't so restless and didn't get so worked up over things she said sadly -Output Transcription: i wish you weren't so restless and didn't get so worked up over things she said sadly -2021-09-20 08:08:18.607 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:08:18.610 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: he had preconceived ideas about everything and his idea about americans was that they should be engineers or mechanics -Output Transcription: we let preconceived ideas about everything and his idea about americans was that they should be engineers or mechanics -2021-09-20 08:08:18.613 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.105263 -2021-09-20 08:08:18.613 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i have very few to love me now and i thought you might love me as i have begun to love you -Output Transcription: i have very few to love me now and i thought you might love me as i have begun to love you -2021-09-20 08:08:18.613 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:08:18.614 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: whereupon lake laughed quietly still looking on the ace of hearts with his sly eyes -Output Transcription: whereupon lake laughed quietly still looking on the ace of hearts with his sly eyes -2021-09-20 08:08:18.615 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:08:18.619 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: so uncas you had better take the lead while i will put on the skin again and trust to cunning for want of speed -Output Transcription: so once you had better take the lead while i will put on the skin again and trust to cunning for want of speed -2021-09-20 08:08:18.624 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.041667 -2021-09-20 08:08:18.627 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: he panted to know if she too knew or knew and cared not or cared and knew not -Output Transcription: he wanted to know if she too knew or knew and cared not or cared and knew not -2021-09-20 08:08:18.630 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.055556 -2021-09-20 08:08:18.633 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: and to think we can save all that misery and despair by the payment of a hundred and fifty dollars -Output Transcription: and to think we can save oh that misery and despair by the payment of a hundred and fifty dollars -2021-09-20 08:08:18.638 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.050000 -2021-09-20 08:08:18.641 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i was well satisfied with my cabin which was located in the stern and opened into the officers mess -Output Transcription: i was well satisfied with my cabin which was located in the stern and opened into the officer's mess -2021-09-20 08:08:18.644 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.052632 -2021-09-20 08:08:18.645 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: therefore her majesty paid no attention to anyone and no one paid any attention to her -Output Transcription: therefore her majesty paid no attention to anyone and no one paid any attention to her -2021-09-20 08:08:18.645 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:08:18.645 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: there came upon me a sudden shock when i heard these words which exceeded anything which i had yet felt -Output Transcription: there came upon me a sudden shock when i heard these words which exceeded anything which i had yet felt -2021-09-20 08:08:18.646 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:08:18.651 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: he gave way to the others very readily and retreated unperceived by the squire and mistress fitzooth to the rear of the tent -Output Transcription: he gave way to the others very readily and retreated unperceived by the squire and mistress fit zot to the rear of the tent -2021-09-20 08:08:18.655 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.086957 -2021-09-20 08:08:18.658 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: thus it is that the honor of three is saved our country's our master's and our own -Output Transcription: thus it is not the honour of three is saved our country are masters and our own -2021-09-20 08:08:18.661 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.294118 -2021-09-20 08:08:18.661 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: she was a large homely woman they were common white people with no reputation in the community -Output Transcription: she was a large homely woman they were common white people with no reputation in the community -2021-09-20 08:08:18.662 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:08:18.666 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the whole party crowded to the spot where uncas pointed out the impression of a moccasin in the moist alluvion -Output Transcription: the whole party crowded to the spot where uncles pointed out the impression of a moccasin in the moist elution -2021-09-20 08:08:18.669 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.100000 -2021-09-20 08:08:18.672 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: said captain donnithorne seating himself where he could see along the short passage to the open dairy door -Output Transcription: said captain denethor ne seating himself where he could see along the short passage to the open dairy door -2021-09-20 08:08:18.675 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.111111 -2021-09-20 08:08:18.675 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: tabby had tended them in their childhood they and none other should tend her in her infirmity and age -Output Transcription: tabby had tended them in their childhood they and none other should tend her in her infirmity and age -2021-09-20 08:08:18.676 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:08:18.677 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: against these boasting false apostles paul boldly defends his apostolic authority and ministry -Output Transcription: against these boasting false apostles paul boldly defends his apostolic authority and ministry -2021-09-20 08:08:18.677 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:08:18.677 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: so much for the title of the epistle now follows the greeting of the apostle verse three -Output Transcription: so much for the title of the epistle now follows the greeting of the apostle verse three -2021-09-20 08:08:18.678 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:08:18.679 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: in autumn the wood cutters always came and felled some of the largest trees -Output Transcription: in autumn the wood cutters always came and fell some of the largest trees -2021-09-20 08:08:18.682 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.071429 -2021-09-20 08:08:18.684 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: distrusting his own judgment his appeals to the opinion of chingachgook were frequent and earnest -Output Transcription: distrusting his own judgment his appeals to the opinion of chinuch cook were frequent and earnest -2021-09-20 08:08:18.686 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.133333 -2021-09-20 08:08:18.687 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: hence the edison electrolytic meter is no longer used despite its excellent qualities -Output Transcription: hence the edison electrolytic meter is no longer used despite its excellent qualities -2021-09-20 08:08:18.687 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:08:18.688 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: their contents had all boiled away leaving in the bottom of each kettle a few grains of fine white powder -Output Transcription: their contents had all boiled away leaving in the bottom of each kettle a few grains of fine white powder -2021-09-20 08:08:18.688 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:08:18.689 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: when you argue about the nature of god apart from the question of justification you may be as profound as you like -Output Transcription: when you argue about the nature of god apart from the question of justification you may be as profound as you like -2021-09-20 08:08:18.689 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:08:18.690 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: some points may be taken as fixed and such as any theory of memory must arrive at -Output Transcription: some points may be taken as fixed and such as any theory of memory must arrive at -2021-09-20 08:08:18.690 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:08:18.693 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: do you suppose that god for the sake of a few lutheran heretics would disown his entire church -Output Transcription: do you suppose that god for the sake of a few lutheran heretics would this son his entire church -2021-09-20 08:08:18.696 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.111111 -2021-09-20 08:08:18.697 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: she's older than i am but so tiny and sad and shy that she seems like a child -Output Transcription: she's older than i am but so tiny and sad and shy that she seems like a child -2021-09-20 08:08:18.697 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:08:18.698 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: he darted like an arrow through all the halls down all the stairs and across the yard -Output Transcription: he darted like an arrow through all the halls down all the stairs and across the yard -2021-09-20 08:08:18.698 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:08:18.701 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: her sea going qualities were excellent and would have amply sufficed for a circumnavigation of the globe -Output Transcription: her seagoing qualities were excellent and would have amply sufficed for a circumnavigation of the globe -2021-09-20 08:08:18.703 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.117647 -2021-09-20 08:08:18.705 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: he was such a big boy that he wore high boots and carried a jack knife -Output Transcription: he was such a big boy that he wore high boots and carried a jackknife -2021-09-20 08:08:18.707 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.125000 -2021-09-20 08:08:18.710 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: you have come andella andella was the name of jane's doll to make rosalie a visit -Output Transcription: you have come adela adela was the name of jane's doll to make rosalie a visit -2021-09-20 08:08:18.712 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.125000 -2021-09-20 08:08:18.712 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: we want to know mister gilchrist how you an honourable man ever came to commit such an action as that of yesterday -Output Transcription: we want to know mister gilchrist how you an honourable man ever came to commit such an action as that of yesterday -2021-09-20 08:08:18.713 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:08:18.717 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the crowd drifts off leaving the hero and heroine alone in the middle of the stage and then you can begin -Output Transcription: the crowd drifts of leaping the hero and heroine alone in the middle of the stage and then you can begin -2021-09-20 08:08:18.720 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.095238 -2021-09-20 08:08:18.722 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: his conduct and presence of mind in this emergence appeared conspicuous -Output Transcription: his conduct and presence of mind in this emergent appeared conspicuous -2021-09-20 08:08:18.723 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.090909 -2021-09-20 08:08:18.724 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: dearest teach me so to pour out gratitude as thou dost good -Output Transcription: dearest teach me so to pour out gratitude as thou dost good -2021-09-20 08:08:18.724 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:08:18.728 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: give me a check for a hundred and fifty and i'll turn over to you the forged check and quash further proceedings -Output Transcription: give me a check for a hundred and fifty and i'll turn over to you the forged check and cash further proceedings -2021-09-20 08:08:18.732 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.045455 -2021-09-20 08:08:18.734 | INFO | deepspeech2x.model:test:372 - Error rate [wer] (1472/?) = 0.075225 -2021-09-20 08:08:22.837 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: oh she's always at the piano said van she must be there now somewhere and then somebody laughed -Output Transcription: oh she's always at the piano said man she must be there now somewhere and then somebody laughed -2021-09-20 08:08:22.841 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.055556 -2021-09-20 08:08:22.844 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: paul answers the man who is named jesus christ and the son of god gave himself for our sins -Output Transcription: paul answers the man who his name jesus christ and the son of god gave himself for our sins -2021-09-20 08:08:22.847 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.105263 -2021-09-20 08:08:22.850 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i am not good enough for you and you must be kept from the contamination of too intimate society -Output Transcription: i am not good enough for you and you must be kept from the contamination of two intimate society -2021-09-20 08:08:22.853 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.052632 -2021-09-20 08:08:22.855 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: far from it sire your majesty having given no directions about it the musicians have retained it -Output Transcription: far from it sire your majesty having given no directions about it the musicians ever tandon -2021-09-20 08:08:22.857 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.176471 -2021-09-20 08:08:22.858 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: either he calls ministers through the agency of men or he calls them directly as he called the prophets and apostles -Output Transcription: either he calls ministers through the agency of men or he calls them directly as he called the prophets and apostles -2021-09-20 08:08:22.858 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:08:22.858 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: tabby had lived with them for ten or twelve years and was as charlotte expressed it one of the family -Output Transcription: tabby had lived with them for ten or twelve years and was as charlotte expressed it one of the family -2021-09-20 08:08:22.858 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:08:22.862 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: sometimes i'm that yearning for a smoke i'm nearly crazy an i dunno which is worst dyin one way or another -Output Transcription: sometimes in that year and for his smoke i'm nearly crazy dowith is worse in one way or the other -2021-09-20 08:08:22.865 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.571429 -2021-09-20 08:08:22.866 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i must come another day and see your husband i want to have a consultation with him about horses -Output Transcription: i must come another day and see your husband i want to have a consultation with him about horses -2021-09-20 08:08:22.866 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:08:22.866 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: and she threw her arms round her cousin's neck and brave rachel at last burst into tears -Output Transcription: and she threw her arms round her cousin's neck and brave rachel at last burst into tears -2021-09-20 08:08:22.867 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:08:22.867 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: if a layman in giving baptism pour the water before saying the words is the child baptized -Output Transcription: if a layman in giving baptism pour the water before saying the words is the child baptized -2021-09-20 08:08:22.867 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:08:22.867 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: no one would disturb their little house even if anyone came so far into the thick forest while they were gone -Output Transcription: no one would disturb their little house even if anyone came so far into the thick forest while they were gone -2021-09-20 08:08:22.868 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:08:22.868 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: a circle of a few hundred feet in circumference was drawn and each of the party took a segment for his portion -Output Transcription: a circle of a few hundred feet in circumference was drawn and each of the party took a segment for his portion -2021-09-20 08:08:22.868 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:08:22.870 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: without his scrapbooks his chemicals and his homely untidiness he was an uncomfortable man -Output Transcription: without his scrap books his chemicals and has homely untidiness he was an uncomfortable man -2021-09-20 08:08:22.872 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.214286 -2021-09-20 08:08:22.874 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: there was something individual about the great farm a most unusual trimness and care for detail -Output Transcription: there was something individual about the great farm a most unusual grimness and care for detail -2021-09-20 08:08:22.876 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.062500 -2021-09-20 08:08:22.881 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: stuteley was by his side in a flash and then they both began feeling about them to ascertain the shape and character of this vault -Output Transcription: studley was by his side in a flash and then they both began feeling about them to ascertain the shape and character of this vault -2021-09-20 08:08:22.886 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.040000 -2021-09-20 08:08:22.887 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: if it only were not so dark here and so terribly lonely -Output Transcription: if it only were not so dark here and so terribly lonely -2021-09-20 08:08:22.887 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:08:22.890 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: however her features and form might repress any evidence of nervousness these hands told a different story -Output Transcription: however her features and four might repress any evidence of nervousness these hands told a different story -2021-09-20 08:08:22.892 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.058824 -2021-09-20 08:08:22.894 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: well said mademoiselle de tonnay charente i also think a good deal but i take care -Output Transcription: well said mademoiselle de ten salad i also think a good deal but i take care -2021-09-20 08:08:22.896 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.125000 -2021-09-20 08:08:22.897 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: somehow of all the days when the home feeling was the strongest this day it seemed as if she could bear it no longer -Output Transcription: somehow of all the days when the home feeling was the strongest this day it seemed as if she could bear it no longer -2021-09-20 08:08:22.897 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:08:22.897 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: yes in reality those were happy times -Output Transcription: yes in reality those were happy times -2021-09-20 08:08:22.897 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:08:22.900 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: remembering has to be a present occurrence in some way resembling or related to what is remembered -Output Transcription: remembering has to be a present occurrence and some way resembling or related to what is remembered -2021-09-20 08:08:22.902 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.058824 -2021-09-20 08:08:22.905 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: when called before i told how hastily i dropped my flowers or brake off from a game -Output Transcription: when called before i told how hastily i dropped my flowers or break off from a game -2021-09-20 08:08:22.907 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.058824 -2021-09-20 08:08:22.908 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: to relieve her from both he laid his hand with force upon his heart and said do you believe me -Output Transcription: to relieve her from both he laid his hand with force upon his heart and said do you believe me -2021-09-20 08:08:22.908 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:08:22.908 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i will make no unjust use of what i know he replied with firmness i believe you my lord -Output Transcription: i will make no unjust use of what i know he replied with firmness i believe you my lord -2021-09-20 08:08:22.908 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:08:22.914 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: they pointedly drew back from john jago as he approached the empty chair next to me and moved round to the opposite side of the table -Output Transcription: they pointedly drew back from john iago as he approached the empty chair next may and moved around to the opposite side of the table -2021-09-20 08:08:22.919 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.153846 -2021-09-20 08:08:22.922 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i can't play with you like a little boy any more he said slowly that's what you miss marie -Output Transcription: i can't play with you like a little boy any more he said slowly that's what you miss mary -2021-09-20 08:08:22.925 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.052632 -2021-09-20 08:08:22.926 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: a gentle kick from the tall boy in the bench behind urged stephen to ask a difficult question -Output Transcription: a gentle kick from the tall boy in the bench behind urged stephen to ask a difficult question -2021-09-20 08:08:22.927 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:08:22.930 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: but philip is honest and he has talent enough if he will stop scribbling to make his way -Output Transcription: and philip is honest and he asked allien if he will stop scribbling to make his way -2021-09-20 08:08:22.932 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.222222 -2021-09-20 08:08:22.934 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: stephen's heart began slowly to fold and fade with fear like a withering flower -Output Transcription: stephen's heart began slowly to fall and fade with fear like a withering flower -2021-09-20 08:08:22.936 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.071429 -2021-09-20 08:08:22.940 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: then i drank half of the hornful and sent the rest across the fire to the farmer he took it and smiled saying -Output Transcription: then i drank half of the mournful and set the rest to cross the fire to the farmer he took it and smiled saying -2021-09-20 08:08:22.945 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.173913 -2021-09-20 08:08:22.948 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: after early nightfall the yellow lamps would light up here and there the squalid quarter of the brothels -Output Transcription: after early nightfall the yellow lamps would light up here and there the squalid quarter of the profiles -2021-09-20 08:08:22.951 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.055556 -2021-09-20 08:08:22.954 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: every plant in the grass is set formally grows perfectly and may be realized completely -Output Transcription: every plant in the grass is set formally grows perfectly and maybe realized completely -2021-09-20 08:08:22.955 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.133333 -2021-09-20 08:08:22.958 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: it has no beauty whatsoever no specialty of picturesqueness and all its lines are cramped and poor -Output Transcription: it has no beauty whatsoever no specialty of picturesque ness and all its lines are cramped and poor -2021-09-20 08:08:22.961 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.117647 -2021-09-20 08:08:22.962 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: cried alice again for this time the mouse was bristling all over and she felt certain it must be really offended -Output Transcription: cried alice again for this time the mouse was bristling all over and she felt certain it must be really offended -2021-09-20 08:08:22.962 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:08:22.965 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: my lord miss milner's taste is not a depraved one it is but too refined -Output Transcription: my lord miss milner's taste is not a depraved to one it is but too refined -2021-09-20 08:08:22.967 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.066667 -2021-09-20 08:08:22.970 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i did not mean said captain battleax to touch upon public subjects at such a moment as this -Output Transcription: i did not mean said captain battle ax to touch upon public subjects at such a moment as this -2021-09-20 08:08:22.973 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.111111 -2021-09-20 08:08:22.974 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: upon this madame deigned to turn her eyes languishingly towards the comte observing -Output Transcription: upon this madam deign to turn her eyes languishing towards the comet observing -2021-09-20 08:08:22.976 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.307692 -2021-09-20 08:08:22.977 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: but the more forgetfulness had then prevailed the more powerful was the force of remembrance when she awoke -Output Transcription: but the more forgetfulness had then prevailed the more powerful was the force of remembrance when she awoke -2021-09-20 08:08:22.977 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:08:22.978 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: he implores us to be discreet as the grave in this matter for in sooth his life is in the hollow of our hands -Output Transcription: he implores us to be discreet as the grave in this matter for in sooth his life is in the hollow of our hands -2021-09-20 08:08:22.979 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:08:22.982 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: as to his age and also the name of his master jacob's statement varied somewhat from the advertisement -Output Transcription: as to his age and also the night of his master jacob statement varied somewhat from the advertisement -2021-09-20 08:08:22.984 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.111111 -2021-09-20 08:08:22.985 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: he cried in high dudgeon just as if he owned the whole of the peppers and could dispose of them all to suit his fancy -Output Transcription: he cried in high dudgeon just as if he owned the whole of the peppers and could dispose of them all to suit his fancy -2021-09-20 08:08:22.985 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:08:22.985 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: to those duties you have not yet been called and when you are you will be less eager for celebrity -Output Transcription: to those duties you have not yet been called and when you are you will be less eager for celebrity -2021-09-20 08:08:22.986 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:08:22.989 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: on she hurried until sweeping down to the lagoon and the island lo the cotton lay before her -Output Transcription: aunt she hurried until sweeping down to the lagoon and the island lo the cotton lay before her -2021-09-20 08:08:22.992 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.055556 -2021-09-20 08:08:22.993 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: but cresswell added significantly capacity differs enormously between races -Output Transcription: but cresswell added significantly capacity differs enormously between races -2021-09-20 08:08:22.993 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:08:22.996 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: isn't he splendid cried jasper in intense pride swelling up father knew how to do it -Output Transcription: is an splendid cried jasper and intense pride swelling up father knew how to do it -2021-09-20 08:08:22.998 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.187500 -2021-09-20 08:08:23.001 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: to the fervent latter day saint a temple is not simply a church building a house for religious assembly -Output Transcription: to the fervent latterday saint a temple is not simply a church building a house for religious assembly -2021-09-20 08:08:23.004 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.105263 -2021-09-20 08:08:23.007 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: he was soft hearted and impetuous said beth and being in love he didn't stop to count the cost -Output Transcription: he was soft hearted an impetuous said beth and being in love he didn't stop to count the cost -2021-09-20 08:08:23.010 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.052632 -BIN_DIR /home/huangyuxin/workspace/my_DeepSpeech/DeepSpeech/examples/v18_to_v2x/deepspeech2x/bin -checkpoint name deepspeech2 -using 1 gpus... -(null): can't open file '/home/huangyuxin/workspace/my_DeepSpeech/DeepSpeech/examples/v18_to_v2x/deepspeech2x/bin/export.py': [Errno 2] No such file or directory -Failed in export! -BIN_DIR /home/huangyuxin/workspace/my_DeepSpeech/DeepSpeech/examples/v18_to_v2x/deepspeech2x/bin -checkpoint name deepspeech2 -using 1 gpus... -grep: warning: GREP_OPTIONS is deprecated; please use an alias or script -/home/huangyuxin/workspace/my_DeepSpeech/DeepSpeech/tools/venv/lib/python3.7/site-packages/paddle/optimizer/adamw.py:21: DeprecationWarning: Using or importing the ABCs from 'collections' instead of from 'collections.abc' is deprecated, and in 3.8 it will stop working - from collections import Callable -/home/huangyuxin/workspace/my_DeepSpeech/DeepSpeech/tools/venv/lib/python3.7/site-packages/scipy/fftpack/__init__.py:103: DeprecationWarning: The module numpy.dual is deprecated. Instead of using dual, use the functions directly from numpy or scipy. - from numpy.dual import register_func -/home/huangyuxin/workspace/my_DeepSpeech/DeepSpeech/tools/venv/lib/python3.7/site-packages/scipy/special/orthogonal.py:81: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information. -Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations - from numpy import (exp, inf, pi, sqrt, floor, sin, cos, around, int, -/home/huangyuxin/workspace/my_DeepSpeech/DeepSpeech/tools/venv/lib/python3.7/site-packages/scipy/sparse/sputils.py:16: DeprecationWarning: `np.typeDict` is a deprecated alias for `np.sctypeDict`. - supported_dtypes = [np.typeDict[x] for x in supported_dtypes] -/home/huangyuxin/workspace/my_DeepSpeech/DeepSpeech/tools/venv/lib/python3.7/site-packages/swig_decoders-1.1-py3.7-linux-x86_64.egg/swig_decoders.py:15: DeprecationWarning: the imp module is deprecated in favour of importlib; see the module's documentation for alternative uses - import imp -2021-09-20 08:11:30.855 | WARNING | deepspeech2x::199 - override size of paddle.Tensor (`to_static` do not process `size` property, maybe some `paddle` api dependent on it), remove this when fixed! -2021-09-20 08:11:30.856 | WARNING | deepspeech2x::369 - register user GLU to paddle.nn, remove this when fixed! -model_type:offline ------------ Configuration Arguments ----------- -checkpoint_path: exp/deepspeech2/checkpoints/ -config: conf/deepspeech2.yaml -device: gpu -dump_config: None -export_path: exp/deepspeech2/checkpoints/.jit -model_type: offline -nprocs: 1 -opts: [] -output: None -seed: None ------------------------------------------------------------ -collator: - augmentation_config: conf/augmentation.json - batch_size: 64 - delta_delta: False - dither: 1.0 - feat_dim: None - keep_transcription_text: False - max_freq: None - mean_std_filepath: data/mean_std.npz - n_fft: None - num_workers: 2 - random_seed: 0 - shuffle_method: batch_shuffle - sortagrad: True - specgram_type: linear - spm_model_prefix: None - stride_ms: 10.0 - target_dB: -20 - target_sample_rate: 16000 - unit_type: char - use_dB_normalization: True - vocab_filepath: data/vocab.txt - window_ms: 20.0 -data: - dev_manifest: data/manifest.dev - manifest: - max_input_len: 1000.0 - max_output_input_ratio: inf - max_output_len: inf - min_input_len: 0.0 - min_output_input_ratio: 0.0 - min_output_len: 0.0 - test_manifest: data/manifest.test-clean - train_manifest: data/manifest.train -decoding: - alpha: 2.5 - batch_size: 64 - beam_size: 500 - beta: 0.3 - cutoff_prob: 1.0 - cutoff_top_n: 40 - decoding_method: ctc_beam_search - error_rate_type: wer - lang_model_path: data/lm/common_crawl_00.prune01111.trie.klm - num_proc_bsearch: 8 -model: - blank_id: 28 - ctc_grad_norm_type: instance - num_conv_layers: 2 - num_rnn_layers: 3 - rnn_layer_size: 2048 - share_rnn_weights: True - use_gru: False -training: - accum_grad: 1 - checkpoint: - kbest_n: 50 - latest_n: 5 - global_grad_clip: 3.0 - log_interval: 100 - lr: 0.002 - lr_decay: 0.83 - n_epoch: 80 - weight_decay: 1e-06 -2021-09-20 08:11:30.922 | INFO | deepspeech2x.model:setup_dataloader:251 - Setup train/valid/test Dataloader! -W0920 08:11:30.924831 43457 device_context.cc:447] Please NOTE: device: 0, GPU Compute Capability: 7.0, Driver API Version: 10.2, Runtime API Version: 10.1 -W0920 08:11:30.930892 43457 device_context.cc:465] device: 0, cuDNN Version: 7.6. -2021-09-20 08:11:35.017 | INFO | deepspeech.modules.loss:__init__:36 - CTCLoss Loss reduction: sum, div-bs: True -2021-09-20 08:11:35.018 | INFO | deepspeech.modules.loss:__init__:45 - CTCLoss Grad Norm Type: instance -2021-09-20 08:11:35.018 | INFO | deepspeech2x.model:setup_model:165 - DeepSpeech2Model( - (encoder): CRNNEncoder( - (conv): ConvStack( - (conv_in): ConvBn( - (conv): Conv2D(1, 32, kernel_size=[41, 11], stride=[2, 3], padding=(20, 5), data_format=NCHW) - (bn): BatchNorm2D(num_features=32, momentum=0.9, epsilon=1e-05) - ) - (conv_stack): LayerList( - (0): ConvBn( - (conv): Conv2D(32, 32, kernel_size=[21, 11], stride=[2, 1], padding=(10, 5), data_format=NCHW) - (bn): BatchNorm2D(num_features=32, momentum=0.9, epsilon=1e-05) - ) - ) - ) - (rnn): RNNStack( - (rnn_stacks): LayerList( - (0): BiRNNWithBN( - (fw_fc): Linear(in_features=1312, out_features=2048, dtype=float32) - (fw_bn): BatchNorm1D(num_features=2048, momentum=0.9, epsilon=1e-05, data_format=NLC) - (bw_fc): Linear(in_features=1312, out_features=2048, dtype=float32) - (bw_bn): BatchNorm1D(num_features=2048, momentum=0.9, epsilon=1e-05, data_format=NLC) - (fw_cell): RNNCell() - (bw_cell): RNNCell() - (fw_rnn): RNN( - (cell): RNNCell() - ) - (bw_rnn): RNN( - (cell): RNNCell() - ) - ) - (1): BiRNNWithBN( - (fw_fc): Linear(in_features=4096, out_features=2048, dtype=float32) - (fw_bn): BatchNorm1D(num_features=2048, momentum=0.9, epsilon=1e-05, data_format=NLC) - (bw_fc): Linear(in_features=4096, out_features=2048, dtype=float32) - (bw_bn): BatchNorm1D(num_features=2048, momentum=0.9, epsilon=1e-05, data_format=NLC) - (fw_cell): RNNCell() - (bw_cell): RNNCell() - (fw_rnn): RNN( - (cell): RNNCell() - ) - (bw_rnn): RNN( - (cell): RNNCell() - ) - ) - (2): BiRNNWithBN( - (fw_fc): Linear(in_features=4096, out_features=2048, dtype=float32) - (fw_bn): BatchNorm1D(num_features=2048, momentum=0.9, epsilon=1e-05, data_format=NLC) - (bw_fc): Linear(in_features=4096, out_features=2048, dtype=float32) - (bw_bn): BatchNorm1D(num_features=2048, momentum=0.9, epsilon=1e-05, data_format=NLC) - (fw_cell): RNNCell() - (bw_cell): RNNCell() - (fw_rnn): RNN( - (cell): RNNCell() - ) - (bw_rnn): RNN( - (cell): RNNCell() - ) - ) - ) - ) - ) - (decoder): CTCDecoder( - (ctc_lo): Linear(in_features=4096, out_features=29, dtype=float32) - (criterion): CTCLoss( - (loss): CTCLoss() - ) - ) -) -2021-09-20 08:11:35.019 | INFO | deepspeech.utils.layer_tools:print_params:57 - encoder.conv.conv_in.conv.weight | [32, 1, 41, 11] | 14432 | True -Epoch 0: ExponentialDecay set learning rate to 0.002.2021-09-20 08:11:35.019 | INFO | deepspeech.utils.layer_tools:print_params:57 - encoder.conv.conv_in.bn.weight | [32] | 32 | True - -2021-09-20 08:11:35.020 | INFO | deepspeech.utils.layer_tools:print_params:57 - encoder.conv.conv_in.bn.bias | [32] | 32 | True -2021-09-20 08:11:35.020 | INFO | deepspeech.utils.layer_tools:print_params:57 - encoder.conv.conv_in.bn._mean | [32] | 32 | False -2021-09-20 08:11:35.020 | INFO | deepspeech.utils.layer_tools:print_params:57 - encoder.conv.conv_in.bn._variance | [32] | 32 | False -2021-09-20 08:11:35.021 | INFO | deepspeech.utils.layer_tools:print_params:57 - encoder.conv.conv_stack.0.conv.weight | [32, 32, 21, 11] | 236544 | True -2021-09-20 08:11:35.021 | INFO | deepspeech.utils.layer_tools:print_params:57 - encoder.conv.conv_stack.0.bn.weight | [32] | 32 | True -2021-09-20 08:11:35.021 | INFO | deepspeech.utils.layer_tools:print_params:57 - encoder.conv.conv_stack.0.bn.bias | [32] | 32 | True -2021-09-20 08:11:35.021 | INFO | deepspeech.utils.layer_tools:print_params:57 - encoder.conv.conv_stack.0.bn._mean | [32] | 32 | False -2021-09-20 08:11:35.022 | INFO | deepspeech.utils.layer_tools:print_params:57 - encoder.conv.conv_stack.0.bn._variance | [32] | 32 | False -2021-09-20 08:11:35.022 | INFO | deepspeech.utils.layer_tools:print_params:57 - encoder.rnn.rnn_stacks.0.fw_fc.weight | [1312, 2048] | 2686976 | True -2021-09-20 08:11:35.022 | INFO | deepspeech.utils.layer_tools:print_params:57 - encoder.rnn.rnn_stacks.0.fw_bn.weight | [2048] | 2048 | True -2021-09-20 08:11:35.023 | INFO | deepspeech.utils.layer_tools:print_params:57 - encoder.rnn.rnn_stacks.0.fw_bn.bias | [2048] | 2048 | True -2021-09-20 08:11:35.023 | INFO | deepspeech.utils.layer_tools:print_params:57 - encoder.rnn.rnn_stacks.0.fw_bn._mean | [2048] | 2048 | False -2021-09-20 08:11:35.023 | INFO | deepspeech.utils.layer_tools:print_params:57 - encoder.rnn.rnn_stacks.0.fw_bn._variance | [2048] | 2048 | False -2021-09-20 08:11:35.023 | INFO | deepspeech.utils.layer_tools:print_params:57 - encoder.rnn.rnn_stacks.0.fw_cell.weight_hh | [2048, 2048] | 4194304 | True -2021-09-20 08:11:35.024 | INFO | deepspeech.utils.layer_tools:print_params:57 - encoder.rnn.rnn_stacks.0.fw_cell.bias_hh | [2048] | 2048 | True -2021-09-20 08:11:35.024 | INFO | deepspeech.utils.layer_tools:print_params:57 - encoder.rnn.rnn_stacks.0.bw_cell.weight_hh | [2048, 2048] | 4194304 | True -2021-09-20 08:11:35.024 | INFO | deepspeech.utils.layer_tools:print_params:57 - encoder.rnn.rnn_stacks.0.bw_cell.bias_hh | [2048] | 2048 | True -2021-09-20 08:11:35.025 | INFO | deepspeech.utils.layer_tools:print_params:57 - encoder.rnn.rnn_stacks.1.fw_fc.weight | [4096, 2048] | 8388608 | True -2021-09-20 08:11:35.025 | INFO | deepspeech.utils.layer_tools:print_params:57 - encoder.rnn.rnn_stacks.1.fw_bn.weight | [2048] | 2048 | True -2021-09-20 08:11:35.025 | INFO | deepspeech.utils.layer_tools:print_params:57 - encoder.rnn.rnn_stacks.1.fw_bn.bias | [2048] | 2048 | True -2021-09-20 08:11:35.026 | INFO | deepspeech.utils.layer_tools:print_params:57 - encoder.rnn.rnn_stacks.1.fw_bn._mean | [2048] | 2048 | False -2021-09-20 08:11:35.026 | INFO | deepspeech.utils.layer_tools:print_params:57 - encoder.rnn.rnn_stacks.1.fw_bn._variance | [2048] | 2048 | False -2021-09-20 08:11:35.027 | INFO | deepspeech.utils.layer_tools:print_params:57 - encoder.rnn.rnn_stacks.1.fw_cell.weight_hh | [2048, 2048] | 4194304 | True -2021-09-20 08:11:35.027 | INFO | deepspeech.utils.layer_tools:print_params:57 - encoder.rnn.rnn_stacks.1.fw_cell.bias_hh | [2048] | 2048 | True -2021-09-20 08:11:35.028 | INFO | deepspeech.utils.layer_tools:print_params:57 - encoder.rnn.rnn_stacks.1.bw_cell.weight_hh | [2048, 2048] | 4194304 | True -2021-09-20 08:11:35.028 | INFO | deepspeech.utils.layer_tools:print_params:57 - encoder.rnn.rnn_stacks.1.bw_cell.bias_hh | [2048] | 2048 | True -2021-09-20 08:11:35.028 | INFO | deepspeech.utils.layer_tools:print_params:57 - encoder.rnn.rnn_stacks.2.fw_fc.weight | [4096, 2048] | 8388608 | True -2021-09-20 08:11:35.029 | INFO | deepspeech.utils.layer_tools:print_params:57 - encoder.rnn.rnn_stacks.2.fw_bn.weight | [2048] | 2048 | True -2021-09-20 08:11:35.029 | INFO | deepspeech.utils.layer_tools:print_params:57 - encoder.rnn.rnn_stacks.2.fw_bn.bias | [2048] | 2048 | True -2021-09-20 08:11:35.029 | INFO | deepspeech.utils.layer_tools:print_params:57 - encoder.rnn.rnn_stacks.2.fw_bn._mean | [2048] | 2048 | False -2021-09-20 08:11:35.030 | INFO | deepspeech.utils.layer_tools:print_params:57 - encoder.rnn.rnn_stacks.2.fw_bn._variance | [2048] | 2048 | False -2021-09-20 08:11:35.030 | INFO | deepspeech.utils.layer_tools:print_params:57 - encoder.rnn.rnn_stacks.2.fw_cell.weight_hh | [2048, 2048] | 4194304 | True -2021-09-20 08:11:35.030 | INFO | deepspeech.utils.layer_tools:print_params:57 - encoder.rnn.rnn_stacks.2.fw_cell.bias_hh | [2048] | 2048 | True -2021-09-20 08:11:35.031 | INFO | deepspeech.utils.layer_tools:print_params:57 - encoder.rnn.rnn_stacks.2.bw_cell.weight_hh | [2048, 2048] | 4194304 | True -2021-09-20 08:11:35.031 | INFO | deepspeech.utils.layer_tools:print_params:57 - encoder.rnn.rnn_stacks.2.bw_cell.bias_hh | [2048] | 2048 | True -2021-09-20 08:11:35.031 | INFO | deepspeech.utils.layer_tools:print_params:57 - decoder.ctc_lo.weight | [4096, 29] | 118784 | True -2021-09-20 08:11:35.032 | INFO | deepspeech.utils.layer_tools:print_params:57 - decoder.ctc_lo.bias | [29] | 29 | True -2021-09-20 08:11:35.032 | INFO | deepspeech.utils.layer_tools:print_params:60 - Total parameters: 39.0, 42.95M elements. -2021-09-20 08:11:35.033 | INFO | deepspeech2x.model:setup_model:184 - Setup model/optimizer/lr_scheduler! -2021-09-20 08:11:35.055 | INFO | deepspeech.modules.loss:__init__:36 - CTCLoss Loss reduction: sum, div-bs: True -2021-09-20 08:11:35.056 | INFO | deepspeech.modules.loss:__init__:45 - CTCLoss Grad Norm Type: instance -Traceback (most recent call last): - File "/home/huangyuxin/workspace/my_DeepSpeech/DeepSpeech/examples/v18_to_v2x/deepspeech2x/bin/export.py", line 55, in - main(config, args) - File "/home/huangyuxin/workspace/my_DeepSpeech/DeepSpeech/examples/v18_to_v2x/deepspeech2x/bin/export.py", line 28, in main - main_sp(config, args) - File "/home/huangyuxin/workspace/my_DeepSpeech/DeepSpeech/examples/v18_to_v2x/deepspeech2x/bin/export.py", line 24, in main_sp - exp.run_export() - File "/home/huangyuxin/workspace/my_DeepSpeech/DeepSpeech/examples/v18_to_v2x/deepspeech2x/model.py", line 408, in run_export - self.export() - File "/home/huangyuxin/workspace/my_DeepSpeech/DeepSpeech/examples/v18_to_v2x/deepspeech2x/model.py", line 393, in export - self.test_loader, self.config, self.args.checkpoint_path) - File "/home/huangyuxin/workspace/my_DeepSpeech/DeepSpeech/examples/v18_to_v2x/deepspeech2x/models/ds2/deepspeech2.py", line 242, in from_pretrained - model, checkpoint_path=checkpoint_path) - File "/home/huangyuxin/workspace/my_DeepSpeech/DeepSpeech/deepspeech/utils/checkpoint.py", line 115, in load_parameters - model_dict = paddle.load(params_path) - File "/home/huangyuxin/workspace/my_DeepSpeech/DeepSpeech/tools/venv/lib/python3.7/site-packages/paddle/framework/io.py", line 981, in load - load_result = _legacy_load(path, **configs) - File "/home/huangyuxin/workspace/my_DeepSpeech/DeepSpeech/tools/venv/lib/python3.7/site-packages/paddle/framework/io.py", line 999, in _legacy_load - model_path, config = _build_load_path_and_config(path, config) - File "/home/huangyuxin/workspace/my_DeepSpeech/DeepSpeech/tools/venv/lib/python3.7/site-packages/paddle/framework/io.py", line 158, in _build_load_path_and_config - raise ValueError(error_msg % path) -ValueError: The ``path`` (exp/deepspeech2/checkpoints/.pdparams) to load model not exists. -Failed in export! -BIN_DIR /home/huangyuxin/workspace/my_DeepSpeech/DeepSpeech/examples/v18_to_v2x/deepspeech2x/bin -checkpoint name deepspeech2 -using 1 gpus... -grep: warning: GREP_OPTIONS is deprecated; please use an alias or script -/home/huangyuxin/workspace/my_DeepSpeech/DeepSpeech/tools/venv/lib/python3.7/site-packages/paddle/optimizer/adamw.py:21: DeprecationWarning: Using or importing the ABCs from 'collections' instead of from 'collections.abc' is deprecated, and in 3.8 it will stop working - from collections import Callable -/home/huangyuxin/workspace/my_DeepSpeech/DeepSpeech/tools/venv/lib/python3.7/site-packages/scipy/fftpack/__init__.py:103: DeprecationWarning: The module numpy.dual is deprecated. Instead of using dual, use the functions directly from numpy or scipy. - from numpy.dual import register_func -/home/huangyuxin/workspace/my_DeepSpeech/DeepSpeech/tools/venv/lib/python3.7/site-packages/scipy/special/orthogonal.py:81: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information. -Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations - from numpy import (exp, inf, pi, sqrt, floor, sin, cos, around, int, -/home/huangyuxin/workspace/my_DeepSpeech/DeepSpeech/tools/venv/lib/python3.7/site-packages/scipy/sparse/sputils.py:16: DeprecationWarning: `np.typeDict` is a deprecated alias for `np.sctypeDict`. - supported_dtypes = [np.typeDict[x] for x in supported_dtypes] -/home/huangyuxin/workspace/my_DeepSpeech/DeepSpeech/tools/venv/lib/python3.7/site-packages/swig_decoders-1.1-py3.7-linux-x86_64.egg/swig_decoders.py:15: DeprecationWarning: the imp module is deprecated in favour of importlib; see the module's documentation for alternative uses - import imp -2021-09-20 08:12:29.907 | WARNING | deepspeech2x::199 - override size of paddle.Tensor (`to_static` do not process `size` property, maybe some `paddle` api dependent on it), remove this when fixed! -2021-09-20 08:12:29.908 | WARNING | deepspeech2x::369 - register user GLU to paddle.nn, remove this when fixed! -model_type:offline ------------ Configuration Arguments ----------- -checkpoint_path: exp/deepspeech2/checkpoints/librispeech_v1.8 -config: conf/deepspeech2.yaml -device: gpu -dump_config: None -export_path: exp/deepspeech2/checkpoints/librispeech_v1.8.jit -model_type: offline -nprocs: 1 -opts: [] -output: None -seed: None ------------------------------------------------------------ -collator: - augmentation_config: conf/augmentation.json - batch_size: 64 - delta_delta: False - dither: 1.0 - feat_dim: None - keep_transcription_text: False - max_freq: None - mean_std_filepath: data/mean_std.npz - n_fft: None - num_workers: 2 - random_seed: 0 - shuffle_method: batch_shuffle - sortagrad: True - specgram_type: linear - spm_model_prefix: None - stride_ms: 10.0 - target_dB: -20 - target_sample_rate: 16000 - unit_type: char - use_dB_normalization: True - vocab_filepath: data/vocab.txt - window_ms: 20.0 -data: - dev_manifest: data/manifest.dev - manifest: - max_input_len: 1000.0 - max_output_input_ratio: inf - max_output_len: inf - min_input_len: 0.0 - min_output_input_ratio: 0.0 - min_output_len: 0.0 - test_manifest: data/manifest.test-clean - train_manifest: data/manifest.train -decoding: - alpha: 2.5 - batch_size: 64 - beam_size: 500 - beta: 0.3 - cutoff_prob: 1.0 - cutoff_top_n: 40 - decoding_method: ctc_beam_search - error_rate_type: wer - lang_model_path: data/lm/common_crawl_00.prune01111.trie.klm - num_proc_bsearch: 8 -model: - blank_id: 28 - ctc_grad_norm_type: instance - num_conv_layers: 2 - num_rnn_layers: 3 - rnn_layer_size: 2048 - share_rnn_weights: True - use_gru: False -training: - accum_grad: 1 - checkpoint: - kbest_n: 50 - latest_n: 5 - global_grad_clip: 3.0 - log_interval: 100 - lr: 0.002 - lr_decay: 0.83 - n_epoch: 80 - weight_decay: 1e-06 -2021-09-20 08:12:29.972 | INFO | deepspeech2x.model:setup_dataloader:251 - Setup train/valid/test Dataloader! -W0920 08:12:29.974298 43698 device_context.cc:447] Please NOTE: device: 0, GPU Compute Capability: 7.0, Driver API Version: 10.2, Runtime API Version: 10.1 -W0920 08:12:29.979910 43698 device_context.cc:465] device: 0, cuDNN Version: 7.6. -2021-09-20 08:12:34.073 | INFO | deepspeech.modules.loss:__init__:36 - CTCLoss Loss reduction: sum, div-bs: True -2021-09-20 08:12:34.074 | INFO | deepspeech.modules.loss:__init__:45 - CTCLoss Grad Norm Type: instance -Epoch 0: ExponentialDecay set learning rate to 0.002. -2021-09-20 08:12:34.075 | INFO | deepspeech2x.model:setup_model:165 - DeepSpeech2Model( - (encoder): CRNNEncoder( - (conv): ConvStack( - (conv_in): ConvBn( - (conv): Conv2D(1, 32, kernel_size=[41, 11], stride=[2, 3], padding=(20, 5), data_format=NCHW) - (bn): BatchNorm2D(num_features=32, momentum=0.9, epsilon=1e-05) - ) - (conv_stack): LayerList( - (0): ConvBn( - (conv): Conv2D(32, 32, kernel_size=[21, 11], stride=[2, 1], padding=(10, 5), data_format=NCHW) - (bn): BatchNorm2D(num_features=32, momentum=0.9, epsilon=1e-05) - ) - ) - ) - (rnn): RNNStack( - (rnn_stacks): LayerList( - (0): BiRNNWithBN( - (fw_fc): Linear(in_features=1312, out_features=2048, dtype=float32) - (fw_bn): BatchNorm1D(num_features=2048, momentum=0.9, epsilon=1e-05, data_format=NLC) - (bw_fc): Linear(in_features=1312, out_features=2048, dtype=float32) - (bw_bn): BatchNorm1D(num_features=2048, momentum=0.9, epsilon=1e-05, data_format=NLC) - (fw_cell): RNNCell() - (bw_cell): RNNCell() - (fw_rnn): RNN( - (cell): RNNCell() - ) - (bw_rnn): RNN( - (cell): RNNCell() - ) - ) - (1): BiRNNWithBN( - (fw_fc): Linear(in_features=4096, out_features=2048, dtype=float32) - (fw_bn): BatchNorm1D(num_features=2048, momentum=0.9, epsilon=1e-05, data_format=NLC) - (bw_fc): Linear(in_features=4096, out_features=2048, dtype=float32) - (bw_bn): BatchNorm1D(num_features=2048, momentum=0.9, epsilon=1e-05, data_format=NLC) - (fw_cell): RNNCell() - (bw_cell): RNNCell() - (fw_rnn): RNN( - (cell): RNNCell() - ) - (bw_rnn): RNN( - (cell): RNNCell() - ) - ) - (2): BiRNNWithBN( - (fw_fc): Linear(in_features=4096, out_features=2048, dtype=float32) - (fw_bn): BatchNorm1D(num_features=2048, momentum=0.9, epsilon=1e-05, data_format=NLC) - (bw_fc): Linear(in_features=4096, out_features=2048, dtype=float32) - (bw_bn): BatchNorm1D(num_features=2048, momentum=0.9, epsilon=1e-05, data_format=NLC) - (fw_cell): RNNCell() - (bw_cell): RNNCell() - (fw_rnn): RNN( - (cell): RNNCell() - ) - (bw_rnn): RNN( - (cell): RNNCell() - ) - ) - ) - ) - ) - (decoder): CTCDecoder( - (ctc_lo): Linear(in_features=4096, out_features=29, dtype=float32) - (criterion): CTCLoss( - (loss): CTCLoss() - ) - ) -) -2021-09-20 08:12:34.076 | INFO | deepspeech.utils.layer_tools:print_params:57 - encoder.conv.conv_in.conv.weight | [32, 1, 41, 11] | 14432 | True -2021-09-20 08:12:34.076 | INFO | deepspeech.utils.layer_tools:print_params:57 - encoder.conv.conv_in.bn.weight | [32] | 32 | True -2021-09-20 08:12:34.076 | INFO | deepspeech.utils.layer_tools:print_params:57 - encoder.conv.conv_in.bn.bias | [32] | 32 | True -2021-09-20 08:12:34.077 | INFO | deepspeech.utils.layer_tools:print_params:57 - encoder.conv.conv_in.bn._mean | [32] | 32 | False -2021-09-20 08:12:34.077 | INFO | deepspeech.utils.layer_tools:print_params:57 - encoder.conv.conv_in.bn._variance | [32] | 32 | False -2021-09-20 08:12:34.077 | INFO | deepspeech.utils.layer_tools:print_params:57 - encoder.conv.conv_stack.0.conv.weight | [32, 32, 21, 11] | 236544 | True -2021-09-20 08:12:34.077 | INFO | deepspeech.utils.layer_tools:print_params:57 - encoder.conv.conv_stack.0.bn.weight | [32] | 32 | True -2021-09-20 08:12:34.078 | INFO | deepspeech.utils.layer_tools:print_params:57 - encoder.conv.conv_stack.0.bn.bias | [32] | 32 | True -2021-09-20 08:12:34.078 | INFO | deepspeech.utils.layer_tools:print_params:57 - encoder.conv.conv_stack.0.bn._mean | [32] | 32 | False -2021-09-20 08:12:34.078 | INFO | deepspeech.utils.layer_tools:print_params:57 - encoder.conv.conv_stack.0.bn._variance | [32] | 32 | False -2021-09-20 08:12:34.079 | INFO | deepspeech.utils.layer_tools:print_params:57 - encoder.rnn.rnn_stacks.0.fw_fc.weight | [1312, 2048] | 2686976 | True -2021-09-20 08:12:34.079 | INFO | deepspeech.utils.layer_tools:print_params:57 - encoder.rnn.rnn_stacks.0.fw_bn.weight | [2048] | 2048 | True -2021-09-20 08:12:34.079 | INFO | deepspeech.utils.layer_tools:print_params:57 - encoder.rnn.rnn_stacks.0.fw_bn.bias | [2048] | 2048 | True -2021-09-20 08:12:34.079 | INFO | deepspeech.utils.layer_tools:print_params:57 - encoder.rnn.rnn_stacks.0.fw_bn._mean | [2048] | 2048 | False -2021-09-20 08:12:34.080 | INFO | deepspeech.utils.layer_tools:print_params:57 - encoder.rnn.rnn_stacks.0.fw_bn._variance | [2048] | 2048 | False -2021-09-20 08:12:34.080 | INFO | deepspeech.utils.layer_tools:print_params:57 - encoder.rnn.rnn_stacks.0.fw_cell.weight_hh | [2048, 2048] | 4194304 | True -2021-09-20 08:12:34.080 | INFO | deepspeech.utils.layer_tools:print_params:57 - encoder.rnn.rnn_stacks.0.fw_cell.bias_hh | [2048] | 2048 | True -2021-09-20 08:12:34.081 | INFO | deepspeech.utils.layer_tools:print_params:57 - encoder.rnn.rnn_stacks.0.bw_cell.weight_hh | [2048, 2048] | 4194304 | True -2021-09-20 08:12:34.081 | INFO | deepspeech.utils.layer_tools:print_params:57 - encoder.rnn.rnn_stacks.0.bw_cell.bias_hh | [2048] | 2048 | True -2021-09-20 08:12:34.081 | INFO | deepspeech.utils.layer_tools:print_params:57 - encoder.rnn.rnn_stacks.1.fw_fc.weight | [4096, 2048] | 8388608 | True -2021-09-20 08:12:34.082 | INFO | deepspeech.utils.layer_tools:print_params:57 - encoder.rnn.rnn_stacks.1.fw_bn.weight | [2048] | 2048 | True -2021-09-20 08:12:34.082 | INFO | deepspeech.utils.layer_tools:print_params:57 - encoder.rnn.rnn_stacks.1.fw_bn.bias | [2048] | 2048 | True -2021-09-20 08:12:34.082 | INFO | deepspeech.utils.layer_tools:print_params:57 - encoder.rnn.rnn_stacks.1.fw_bn._mean | [2048] | 2048 | False -2021-09-20 08:12:34.082 | INFO | deepspeech.utils.layer_tools:print_params:57 - encoder.rnn.rnn_stacks.1.fw_bn._variance | [2048] | 2048 | False -2021-09-20 08:12:34.083 | INFO | deepspeech.utils.layer_tools:print_params:57 - encoder.rnn.rnn_stacks.1.fw_cell.weight_hh | [2048, 2048] | 4194304 | True -2021-09-20 08:12:34.083 | INFO | deepspeech.utils.layer_tools:print_params:57 - encoder.rnn.rnn_stacks.1.fw_cell.bias_hh | [2048] | 2048 | True -2021-09-20 08:12:34.084 | INFO | deepspeech.utils.layer_tools:print_params:57 - encoder.rnn.rnn_stacks.1.bw_cell.weight_hh | [2048, 2048] | 4194304 | True -2021-09-20 08:12:34.084 | INFO | deepspeech.utils.layer_tools:print_params:57 - encoder.rnn.rnn_stacks.1.bw_cell.bias_hh | [2048] | 2048 | True -2021-09-20 08:12:34.084 | INFO | deepspeech.utils.layer_tools:print_params:57 - encoder.rnn.rnn_stacks.2.fw_fc.weight | [4096, 2048] | 8388608 | True -2021-09-20 08:12:34.085 | INFO | deepspeech.utils.layer_tools:print_params:57 - encoder.rnn.rnn_stacks.2.fw_bn.weight | [2048] | 2048 | True -2021-09-20 08:12:34.085 | INFO | deepspeech.utils.layer_tools:print_params:57 - encoder.rnn.rnn_stacks.2.fw_bn.bias | [2048] | 2048 | True -2021-09-20 08:12:34.086 | INFO | deepspeech.utils.layer_tools:print_params:57 - encoder.rnn.rnn_stacks.2.fw_bn._mean | [2048] | 2048 | False -2021-09-20 08:12:34.086 | INFO | deepspeech.utils.layer_tools:print_params:57 - encoder.rnn.rnn_stacks.2.fw_bn._variance | [2048] | 2048 | False -2021-09-20 08:12:34.086 | INFO | deepspeech.utils.layer_tools:print_params:57 - encoder.rnn.rnn_stacks.2.fw_cell.weight_hh | [2048, 2048] | 4194304 | True -2021-09-20 08:12:34.087 | INFO | deepspeech.utils.layer_tools:print_params:57 - encoder.rnn.rnn_stacks.2.fw_cell.bias_hh | [2048] | 2048 | True -2021-09-20 08:12:34.087 | INFO | deepspeech.utils.layer_tools:print_params:57 - encoder.rnn.rnn_stacks.2.bw_cell.weight_hh | [2048, 2048] | 4194304 | True -2021-09-20 08:12:34.088 | INFO | deepspeech.utils.layer_tools:print_params:57 - encoder.rnn.rnn_stacks.2.bw_cell.bias_hh | [2048] | 2048 | True -2021-09-20 08:12:34.088 | INFO | deepspeech.utils.layer_tools:print_params:57 - decoder.ctc_lo.weight | [4096, 29] | 118784 | True -2021-09-20 08:12:34.088 | INFO | deepspeech.utils.layer_tools:print_params:57 - decoder.ctc_lo.bias | [29] | 29 | True -2021-09-20 08:12:34.089 | INFO | deepspeech.utils.layer_tools:print_params:60 - Total parameters: 39.0, 42.95M elements. -2021-09-20 08:12:34.089 | INFO | deepspeech2x.model:setup_model:184 - Setup model/optimizer/lr_scheduler! -2021-09-20 08:12:34.111 | INFO | deepspeech.modules.loss:__init__:36 - CTCLoss Loss reduction: sum, div-bs: True -2021-09-20 08:12:34.112 | INFO | deepspeech.modules.loss:__init__:45 - CTCLoss Grad Norm Type: instance -/home/huangyuxin/workspace/my_DeepSpeech/DeepSpeech/tools/venv/lib/python3.7/site-packages/paddle/framework/io.py:412: DeprecationWarning: Using or importing the ABCs from 'collections' instead of from 'collections.abc' is deprecated, and in 3.8 it will stop working - if isinstance(obj, collections.Iterable) and not isinstance(obj, ( -/home/huangyuxin/workspace/my_DeepSpeech/DeepSpeech/tools/venv/lib/python3.7/site-packages/paddle/fluid/dygraph/layers.py:1354: UserWarning: Skip loading for decoder.ctc_lo.weight. decoder.ctc_lo.weight receives a shape [4096, 29], but the expected shape is [4096, 30]. - warnings.warn(("Skip loading for {}. ".format(key) + str(err))) -/home/huangyuxin/workspace/my_DeepSpeech/DeepSpeech/tools/venv/lib/python3.7/site-packages/paddle/fluid/dygraph/layers.py:1354: UserWarning: Skip loading for decoder.ctc_lo.bias. decoder.ctc_lo.bias receives a shape [29], but the expected shape is [30]. - warnings.warn(("Skip loading for {}. ".format(key) + str(err))) -2021-09-20 08:12:34.634 | INFO | deepspeech.utils.checkpoint:load_parameters:117 - Rank 0: Restore model from exp/deepspeech2/checkpoints/librispeech_v1.8.pdparams -2021-09-20 08:12:34.638 | INFO | deepspeech2x.models.ds2.deepspeech2:from_pretrained:243 - checkpoint info: {} -encoder.conv.conv_in.conv.weight | [32, 1, 41, 11] | 14432 -encoder.conv.conv_in.bn.weight | [32] | 32 -encoder.conv.conv_in.bn.bias | [32] | 32 -encoder.conv.conv_in.bn._mean | [32] | 32 -encoder.conv.conv_in.bn._variance | [32] | 32 -encoder.conv.conv_stack.0.conv.weight | [32, 32, 21, 11] | 236544 -encoder.conv.conv_stack.0.bn.weight | [32] | 32 -encoder.conv.conv_stack.0.bn.bias | [32] | 32 -encoder.conv.conv_stack.0.bn._mean | [32] | 32 -encoder.conv.conv_stack.0.bn._variance | [32] | 32 -encoder.rnn.rnn_stacks.0.fw_fc.weight | [1312, 2048] | 2686976 -encoder.rnn.rnn_stacks.0.fw_bn.weight | [2048] | 2048 -encoder.rnn.rnn_stacks.0.fw_bn.bias | [2048] | 2048 -encoder.rnn.rnn_stacks.0.fw_bn._mean | [2048] | 2048 -encoder.rnn.rnn_stacks.0.fw_bn._variance | [2048] | 2048 -encoder.rnn.rnn_stacks.0.bw_fc.weight | [1312, 2048] | 2686976 -encoder.rnn.rnn_stacks.0.bw_bn.weight | [2048] | 2048 -encoder.rnn.rnn_stacks.0.bw_bn.bias | [2048] | 2048 -encoder.rnn.rnn_stacks.0.bw_bn._mean | [2048] | 2048 -encoder.rnn.rnn_stacks.0.bw_bn._variance | [2048] | 2048 -encoder.rnn.rnn_stacks.0.fw_cell.weight_hh | [2048, 2048] | 4194304 -encoder.rnn.rnn_stacks.0.fw_cell.bias_hh | [2048] | 2048 -encoder.rnn.rnn_stacks.0.bw_cell.weight_hh | [2048, 2048] | 4194304 -encoder.rnn.rnn_stacks.0.bw_cell.bias_hh | [2048] | 2048 -encoder.rnn.rnn_stacks.0.fw_rnn.cell.weight_hh | [2048, 2048] | 4194304 -encoder.rnn.rnn_stacks.0.fw_rnn.cell.bias_hh | [2048] | 2048 -encoder.rnn.rnn_stacks.0.bw_rnn.cell.weight_hh | [2048, 2048] | 4194304 -encoder.rnn.rnn_stacks.0.bw_rnn.cell.bias_hh | [2048] | 2048 -encoder.rnn.rnn_stacks.1.fw_fc.weight | [4096, 2048] | 8388608 -encoder.rnn.rnn_stacks.1.fw_bn.weight | [2048] | 2048 -encoder.rnn.rnn_stacks.1.fw_bn.bias | [2048] | 2048 -encoder.rnn.rnn_stacks.1.fw_bn._mean | [2048] | 2048 -encoder.rnn.rnn_stacks.1.fw_bn._variance | [2048] | 2048 -encoder.rnn.rnn_stacks.1.bw_fc.weight | [4096, 2048] | 8388608 -encoder.rnn.rnn_stacks.1.bw_bn.weight | [2048] | 2048 -encoder.rnn.rnn_stacks.1.bw_bn.bias | [2048] | 2048 -encoder.rnn.rnn_stacks.1.bw_bn._mean | [2048] | 2048 -encoder.rnn.rnn_stacks.1.bw_bn._variance | [2048] | 2048 -encoder.rnn.rnn_stacks.1.fw_cell.weight_hh | [2048, 2048] | 4194304 -encoder.rnn.rnn_stacks.1.fw_cell.bias_hh | [2048] | 2048 -encoder.rnn.rnn_stacks.1.bw_cell.weight_hh | [2048, 2048] | 4194304 -encoder.rnn.rnn_stacks.1.bw_cell.bias_hh | [2048] | 2048 -encoder.rnn.rnn_stacks.1.fw_rnn.cell.weight_hh | [2048, 2048] | 4194304 -encoder.rnn.rnn_stacks.1.fw_rnn.cell.bias_hh | [2048] | 2048 -encoder.rnn.rnn_stacks.1.bw_rnn.cell.weight_hh | [2048, 2048] | 4194304 -encoder.rnn.rnn_stacks.1.bw_rnn.cell.bias_hh | [2048] | 2048 -encoder.rnn.rnn_stacks.2.fw_fc.weight | [4096, 2048] | 8388608 -encoder.rnn.rnn_stacks.2.fw_bn.weight | [2048] | 2048 -encoder.rnn.rnn_stacks.2.fw_bn.bias | [2048] | 2048 -encoder.rnn.rnn_stacks.2.fw_bn._mean | [2048] | 2048 -encoder.rnn.rnn_stacks.2.fw_bn._variance | [2048] | 2048 -encoder.rnn.rnn_stacks.2.bw_fc.weight | [4096, 2048] | 8388608 -encoder.rnn.rnn_stacks.2.bw_bn.weight | [2048] | 2048 -encoder.rnn.rnn_stacks.2.bw_bn.bias | [2048] | 2048 -encoder.rnn.rnn_stacks.2.bw_bn._mean | [2048] | 2048 -encoder.rnn.rnn_stacks.2.bw_bn._variance | [2048] | 2048 -encoder.rnn.rnn_stacks.2.fw_cell.weight_hh | [2048, 2048] | 4194304 -encoder.rnn.rnn_stacks.2.fw_cell.bias_hh | [2048] | 2048 -encoder.rnn.rnn_stacks.2.bw_cell.weight_hh | [2048, 2048] | 4194304 -encoder.rnn.rnn_stacks.2.bw_cell.bias_hh | [2048] | 2048 -encoder.rnn.rnn_stacks.2.fw_rnn.cell.weight_hh | [2048, 2048] | 4194304 -encoder.rnn.rnn_stacks.2.fw_rnn.cell.bias_hh | [2048] | 2048 -encoder.rnn.rnn_stacks.2.bw_rnn.cell.weight_hh | [2048, 2048] | 4194304 -encoder.rnn.rnn_stacks.2.bw_rnn.cell.bias_hh | [2048] | 2048 -decoder.ctc_lo.weight | [4096, 30] | 122880 -decoder.ctc_lo.bias | [30] | 30 -Total parameters: 66, 85.55M elements. -/home/huangyuxin/workspace/my_DeepSpeech/DeepSpeech/tools/venv/lib/python3.7/site-packages/paddle/fluid/layers/utils.py:77: DeprecationWarning: Using or importing the ABCs from 'collections' instead of from 'collections.abc' is deprecated, and in 3.8 it will stop working - return (isinstance(seq, collections.Sequence) and -2021-09-20 08:12:34.657 | INFO | deepspeech2x.model:export:403 - Export code: def forward(self, audio, audio_len): - """export model function - - Args: - audio (Tensor): [B, T, D] - audio_len (Tensor): [B] - - Returns: - probs: probs after softmax - """ - eouts, eouts_len = paddle.jit.dy2static.convert_call(self.encoder)(audio, - audio_len) - probs = paddle.jit.dy2static.convert_call(self.decoder.softmax)(eouts) - return probs, eouts_len - -/home/huangyuxin/workspace/my_DeepSpeech/DeepSpeech/tools/venv/lib/python3.7/site-packages/paddle/fluid/framework.py:2249: UserWarning: The Attr(force_cpu) of Op(fill_constant) will be deprecated in the future, please use 'device_guard' instead. 'device_guard' has higher priority when they are used at the same time. - "used at the same time." % type) -/home/huangyuxin/workspace/my_DeepSpeech/DeepSpeech/tools/venv/lib/python3.7/site-packages/paddle/fluid/framework.py:744: DeprecationWarning: `np.bool` is a deprecated alias for the builtin `bool`. To silence this warning, use `bool` by itself. Doing this will not modify any behavior and is safe. If you specifically wanted the numpy scalar type, use `np.bool_` here. -Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations - elif dtype == np.bool: -/home/huangyuxin/workspace/my_DeepSpeech/DeepSpeech/tools/venv/lib/python3.7/site-packages/paddle/fluid/layers/math_op_patch.py:341: UserWarning: /tmp/tmpab4zyza8.py:29 -The behavior of expression A >= B has been unified with greater_equal(X, Y, axis=-1) from Paddle 2.0. If your code works well in the older versions but crashes in this version, try to use greater_equal(X, Y, axis=0) instead of A >= B. This transitional warning will be dropped in the future. - op_type, op_type, EXPRESSION_MAP[method_name])) -/home/huangyuxin/workspace/my_DeepSpeech/DeepSpeech/tools/venv/lib/python3.7/site-packages/paddle/fluid/layers/math_op_patch.py:341: UserWarning: /tmp/tmpsyxpf2th.py:17 -The behavior of expression A * B has been unified with elementwise_mul(X, Y, axis=-1) from Paddle 2.0. If your code works well in the older versions but crashes in this version, try to use elementwise_mul(X, Y, axis=0) instead of A * B. This transitional warning will be dropped in the future. - op_type, op_type, EXPRESSION_MAP[method_name])) -/home/huangyuxin/workspace/my_DeepSpeech/DeepSpeech/tools/venv/lib/python3.7/site-packages/paddle/fluid/layers/math_op_patch.py:341: UserWarning: /tmp/tmp4ryyuym6.py:17 -The behavior of expression A * B has been unified with elementwise_mul(X, Y, axis=-1) from Paddle 2.0. If your code works well in the older versions but crashes in this version, try to use elementwise_mul(X, Y, axis=0) instead of A * B. This transitional warning will be dropped in the future. - op_type, op_type, EXPRESSION_MAP[method_name])) -/home/huangyuxin/workspace/my_DeepSpeech/DeepSpeech/tools/venv/lib/python3.7/site-packages/paddle/fluid/layers/math_op_patch.py:341: UserWarning: /home/huangyuxin/workspace/my_DeepSpeech/DeepSpeech/examples/v18_to_v2x/deepspeech2x/models/ds2/rnn.py:84 -The behavior of expression A + B has been unified with elementwise_add(X, Y, axis=-1) from Paddle 2.0. If your code works well in the older versions but crashes in this version, try to use elementwise_add(X, Y, axis=0) instead of A + B. This transitional warning will be dropped in the future. - op_type, op_type, EXPRESSION_MAP[method_name])) -/home/huangyuxin/workspace/my_DeepSpeech/DeepSpeech/tools/venv/lib/python3.7/site-packages/paddle/fluid/layers/math_op_patch.py:341: UserWarning: /home/huangyuxin/workspace/my_DeepSpeech/DeepSpeech/tools/venv/lib/python3.7/site-packages/paddle/fluid/layers/rnn.py:520 -The behavior of expression A + B has been unified with elementwise_add(X, Y, axis=-1) from Paddle 2.0. If your code works well in the older versions but crashes in this version, try to use elementwise_add(X, Y, axis=0) instead of A + B. This transitional warning will be dropped in the future. - op_type, op_type, EXPRESSION_MAP[method_name])) -using 1 gpus... -bash: local/download_lm_ch.sh: No such file or directory -BIN_DIR /home/huangyuxin/workspace/my_DeepSpeech/DeepSpeech/examples/v18_to_v2x/deepspeech2x/bin -checkpoint name deepspeech2 -using 1 gpus... -grep: warning: GREP_OPTIONS is deprecated; please use an alias or script -/home/huangyuxin/workspace/my_DeepSpeech/DeepSpeech/tools/venv/lib/python3.7/site-packages/paddle/optimizer/adamw.py:21: DeprecationWarning: Using or importing the ABCs from 'collections' instead of from 'collections.abc' is deprecated, and in 3.8 it will stop working - from collections import Callable -/home/huangyuxin/workspace/my_DeepSpeech/DeepSpeech/tools/venv/lib/python3.7/site-packages/scipy/fftpack/__init__.py:103: DeprecationWarning: The module numpy.dual is deprecated. Instead of using dual, use the functions directly from numpy or scipy. - from numpy.dual import register_func -/home/huangyuxin/workspace/my_DeepSpeech/DeepSpeech/tools/venv/lib/python3.7/site-packages/scipy/special/orthogonal.py:81: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information. -Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations - from numpy import (exp, inf, pi, sqrt, floor, sin, cos, around, int, -/home/huangyuxin/workspace/my_DeepSpeech/DeepSpeech/tools/venv/lib/python3.7/site-packages/scipy/sparse/sputils.py:16: DeprecationWarning: `np.typeDict` is a deprecated alias for `np.sctypeDict`. - supported_dtypes = [np.typeDict[x] for x in supported_dtypes] -/home/huangyuxin/workspace/my_DeepSpeech/DeepSpeech/tools/venv/lib/python3.7/site-packages/swig_decoders-1.1-py3.7-linux-x86_64.egg/swig_decoders.py:15: DeprecationWarning: the imp module is deprecated in favour of importlib; see the module's documentation for alternative uses - import imp -2021-09-20 08:14:20.822 | WARNING | deepspeech2x::199 - override size of paddle.Tensor (`to_static` do not process `size` property, maybe some `paddle` api dependent on it), remove this when fixed! -2021-09-20 08:14:20.823 | WARNING | deepspeech2x::369 - register user GLU to paddle.nn, remove this when fixed! -model_type:offline ------------ Configuration Arguments ----------- -checkpoint_path: exp/deepspeech2/checkpoints/librispeech_v1.8 -config: conf/deepspeech2.yaml -device: gpu -dump_config: None -export_path: exp/deepspeech2/checkpoints/librispeech_v1.8.jit -model_type: offline -nprocs: 1 -opts: [] -output: None -seed: None ------------------------------------------------------------ -collator: - augmentation_config: conf/augmentation.json - batch_size: 64 - delta_delta: False - dither: 1.0 - feat_dim: None - keep_transcription_text: False - max_freq: None - mean_std_filepath: data/mean_std.npz - n_fft: None - num_workers: 2 - random_seed: 0 - shuffle_method: batch_shuffle - sortagrad: True - specgram_type: linear - spm_model_prefix: None - stride_ms: 10.0 - target_dB: -20 - target_sample_rate: 16000 - unit_type: char - use_dB_normalization: True - vocab_filepath: data/vocab.txt - window_ms: 20.0 -data: - dev_manifest: data/manifest.dev - manifest: - max_input_len: 1000.0 - max_output_input_ratio: inf - max_output_len: inf - min_input_len: 0.0 - min_output_input_ratio: 0.0 - min_output_len: 0.0 - test_manifest: data/manifest.test-clean - train_manifest: data/manifest.train -decoding: - alpha: 2.5 - batch_size: 64 - beam_size: 500 - beta: 0.3 - cutoff_prob: 1.0 - cutoff_top_n: 40 - decoding_method: ctc_beam_search - error_rate_type: wer - lang_model_path: data/lm/common_crawl_00.prune01111.trie.klm - num_proc_bsearch: 8 -model: - blank_id: 28 - ctc_grad_norm_type: instance - num_conv_layers: 2 - num_rnn_layers: 3 - rnn_layer_size: 2048 - share_rnn_weights: True - use_gru: False -training: - accum_grad: 1 - checkpoint: - kbest_n: 50 - latest_n: 5 - global_grad_clip: 3.0 - log_interval: 100 - lr: 0.002 - lr_decay: 0.83 - n_epoch: 80 - weight_decay: 1e-06 -2021-09-20 08:14:20.889 | INFO | deepspeech2x.model:setup_dataloader:251 - Setup train/valid/test Dataloader! -W0920 08:14:20.891180 44162 device_context.cc:447] Please NOTE: device: 0, GPU Compute Capability: 7.0, Driver API Version: 10.2, Runtime API Version: 10.1 -W0920 08:14:20.896518 44162 device_context.cc:465] device: 0, cuDNN Version: 7.6. -2021-09-20 08:14:25.008 | INFO | deepspeech.modules.loss:__init__:36 - CTCLoss Loss reduction: sum, div-bs: True -2021-09-20 08:14:25.009 | INFO | deepspeech.modules.loss:__init__:45 - CTCLoss Grad Norm Type: instance -Epoch 0: ExponentialDecay set learning rate to 0.002.2021-09-20 08:14:25.010 | INFO | deepspeech2x.model:setup_model:165 - DeepSpeech2Model( - (encoder): CRNNEncoder( - (conv): ConvStack( - (conv_in): ConvBn( - (conv): Conv2D(1, 32, kernel_size=[41, 11], stride=[2, 3], padding=(20, 5), data_format=NCHW) - (bn): BatchNorm2D(num_features=32, momentum=0.9, epsilon=1e-05) - ) - (conv_stack): LayerList( - (0): ConvBn( - (conv): Conv2D(32, 32, kernel_size=[21, 11], stride=[2, 1], padding=(10, 5), data_format=NCHW) - (bn): BatchNorm2D(num_features=32, momentum=0.9, epsilon=1e-05) - ) - ) - ) - (rnn): RNNStack( - (rnn_stacks): LayerList( - (0): BiRNNWithBN( - (fw_fc): Linear(in_features=1312, out_features=2048, dtype=float32) - (fw_bn): BatchNorm1D(num_features=2048, momentum=0.9, epsilon=1e-05, data_format=NLC) - (bw_fc): Linear(in_features=1312, out_features=2048, dtype=float32) - (bw_bn): BatchNorm1D(num_features=2048, momentum=0.9, epsilon=1e-05, data_format=NLC) - (fw_cell): RNNCell() - (bw_cell): RNNCell() - (fw_rnn): RNN( - (cell): RNNCell() - ) - (bw_rnn): RNN( - (cell): RNNCell() - ) - ) - (1): BiRNNWithBN( - (fw_fc): Linear(in_features=4096, out_features=2048, dtype=float32) - (fw_bn): BatchNorm1D(num_features=2048, momentum=0.9, epsilon=1e-05, data_format=NLC) - (bw_fc): Linear(in_features=4096, out_features=2048, dtype=float32) - (bw_bn): BatchNorm1D(num_features=2048, momentum=0.9, epsilon=1e-05, data_format=NLC) - (fw_cell): RNNCell() - (bw_cell): RNNCell() - (fw_rnn): RNN( - (cell): RNNCell() - ) - (bw_rnn): RNN( - (cell): RNNCell() - ) - ) - (2): BiRNNWithBN( - (fw_fc): Linear(in_features=4096, out_features=2048, dtype=float32) - (fw_bn): BatchNorm1D(num_features=2048, momentum=0.9, epsilon=1e-05, data_format=NLC) - (bw_fc): Linear(in_features=4096, out_features=2048, dtype=float32) - (bw_bn): BatchNorm1D(num_features=2048, momentum=0.9, epsilon=1e-05, data_format=NLC) - (fw_cell): RNNCell() - (bw_cell): RNNCell() - (fw_rnn): RNN( - (cell): RNNCell() - ) - (bw_rnn): RNN( - (cell): RNNCell() - ) - ) - ) - ) - ) - (decoder): CTCDecoder( - (ctc_lo): Linear(in_features=4096, out_features=29, dtype=float32) - (criterion): CTCLoss( - (loss): CTCLoss() - ) - ) -) - -2021-09-20 08:14:25.010 | INFO | deepspeech.utils.layer_tools:print_params:57 - encoder.conv.conv_in.conv.weight | [32, 1, 41, 11] | 14432 | True -2021-09-20 08:14:25.010 | INFO | deepspeech.utils.layer_tools:print_params:57 - encoder.conv.conv_in.bn.weight | [32] | 32 | True -2021-09-20 08:14:25.011 | INFO | deepspeech.utils.layer_tools:print_params:57 - encoder.conv.conv_in.bn.bias | [32] | 32 | True -2021-09-20 08:14:25.011 | INFO | deepspeech.utils.layer_tools:print_params:57 - encoder.conv.conv_in.bn._mean | [32] | 32 | False -2021-09-20 08:14:25.011 | INFO | deepspeech.utils.layer_tools:print_params:57 - encoder.conv.conv_in.bn._variance | [32] | 32 | False -2021-09-20 08:14:25.012 | INFO | deepspeech.utils.layer_tools:print_params:57 - encoder.conv.conv_stack.0.conv.weight | [32, 32, 21, 11] | 236544 | True -2021-09-20 08:14:25.012 | INFO | deepspeech.utils.layer_tools:print_params:57 - encoder.conv.conv_stack.0.bn.weight | [32] | 32 | True -2021-09-20 08:14:25.012 | INFO | deepspeech.utils.layer_tools:print_params:57 - encoder.conv.conv_stack.0.bn.bias | [32] | 32 | True -2021-09-20 08:14:25.012 | INFO | deepspeech.utils.layer_tools:print_params:57 - encoder.conv.conv_stack.0.bn._mean | [32] | 32 | False -2021-09-20 08:14:25.013 | INFO | deepspeech.utils.layer_tools:print_params:57 - encoder.conv.conv_stack.0.bn._variance | [32] | 32 | False -2021-09-20 08:14:25.013 | INFO | deepspeech.utils.layer_tools:print_params:57 - encoder.rnn.rnn_stacks.0.fw_fc.weight | [1312, 2048] | 2686976 | True -2021-09-20 08:14:25.013 | INFO | deepspeech.utils.layer_tools:print_params:57 - encoder.rnn.rnn_stacks.0.fw_bn.weight | [2048] | 2048 | True -2021-09-20 08:14:25.014 | INFO | deepspeech.utils.layer_tools:print_params:57 - encoder.rnn.rnn_stacks.0.fw_bn.bias | [2048] | 2048 | True -2021-09-20 08:14:25.014 | INFO | deepspeech.utils.layer_tools:print_params:57 - encoder.rnn.rnn_stacks.0.fw_bn._mean | [2048] | 2048 | False -2021-09-20 08:14:25.014 | INFO | deepspeech.utils.layer_tools:print_params:57 - encoder.rnn.rnn_stacks.0.fw_bn._variance | [2048] | 2048 | False -2021-09-20 08:14:25.014 | INFO | deepspeech.utils.layer_tools:print_params:57 - encoder.rnn.rnn_stacks.0.fw_cell.weight_hh | [2048, 2048] | 4194304 | True -2021-09-20 08:14:25.015 | INFO | deepspeech.utils.layer_tools:print_params:57 - encoder.rnn.rnn_stacks.0.fw_cell.bias_hh | [2048] | 2048 | True -2021-09-20 08:14:25.015 | INFO | deepspeech.utils.layer_tools:print_params:57 - encoder.rnn.rnn_stacks.0.bw_cell.weight_hh | [2048, 2048] | 4194304 | True -2021-09-20 08:14:25.015 | INFO | deepspeech.utils.layer_tools:print_params:57 - encoder.rnn.rnn_stacks.0.bw_cell.bias_hh | [2048] | 2048 | True -2021-09-20 08:14:25.016 | INFO | deepspeech.utils.layer_tools:print_params:57 - encoder.rnn.rnn_stacks.1.fw_fc.weight | [4096, 2048] | 8388608 | True -2021-09-20 08:14:25.016 | INFO | deepspeech.utils.layer_tools:print_params:57 - encoder.rnn.rnn_stacks.1.fw_bn.weight | [2048] | 2048 | True -2021-09-20 08:14:25.016 | INFO | deepspeech.utils.layer_tools:print_params:57 - encoder.rnn.rnn_stacks.1.fw_bn.bias | [2048] | 2048 | True -2021-09-20 08:14:25.017 | INFO | deepspeech.utils.layer_tools:print_params:57 - encoder.rnn.rnn_stacks.1.fw_bn._mean | [2048] | 2048 | False -2021-09-20 08:14:25.017 | INFO | deepspeech.utils.layer_tools:print_params:57 - encoder.rnn.rnn_stacks.1.fw_bn._variance | [2048] | 2048 | False -2021-09-20 08:14:25.017 | INFO | deepspeech.utils.layer_tools:print_params:57 - encoder.rnn.rnn_stacks.1.fw_cell.weight_hh | [2048, 2048] | 4194304 | True -2021-09-20 08:14:25.017 | INFO | deepspeech.utils.layer_tools:print_params:57 - encoder.rnn.rnn_stacks.1.fw_cell.bias_hh | [2048] | 2048 | True -2021-09-20 08:14:25.018 | INFO | deepspeech.utils.layer_tools:print_params:57 - encoder.rnn.rnn_stacks.1.bw_cell.weight_hh | [2048, 2048] | 4194304 | True -2021-09-20 08:14:25.018 | INFO | deepspeech.utils.layer_tools:print_params:57 - encoder.rnn.rnn_stacks.1.bw_cell.bias_hh | [2048] | 2048 | True -2021-09-20 08:14:25.018 | INFO | deepspeech.utils.layer_tools:print_params:57 - encoder.rnn.rnn_stacks.2.fw_fc.weight | [4096, 2048] | 8388608 | True -2021-09-20 08:14:25.019 | INFO | deepspeech.utils.layer_tools:print_params:57 - encoder.rnn.rnn_stacks.2.fw_bn.weight | [2048] | 2048 | True -2021-09-20 08:14:25.019 | INFO | deepspeech.utils.layer_tools:print_params:57 - encoder.rnn.rnn_stacks.2.fw_bn.bias | [2048] | 2048 | True -2021-09-20 08:14:25.019 | INFO | deepspeech.utils.layer_tools:print_params:57 - encoder.rnn.rnn_stacks.2.fw_bn._mean | [2048] | 2048 | False -2021-09-20 08:14:25.019 | INFO | deepspeech.utils.layer_tools:print_params:57 - encoder.rnn.rnn_stacks.2.fw_bn._variance | [2048] | 2048 | False -2021-09-20 08:14:25.020 | INFO | deepspeech.utils.layer_tools:print_params:57 - encoder.rnn.rnn_stacks.2.fw_cell.weight_hh | [2048, 2048] | 4194304 | True -2021-09-20 08:14:25.020 | INFO | deepspeech.utils.layer_tools:print_params:57 - encoder.rnn.rnn_stacks.2.fw_cell.bias_hh | [2048] | 2048 | True -2021-09-20 08:14:25.020 | INFO | deepspeech.utils.layer_tools:print_params:57 - encoder.rnn.rnn_stacks.2.bw_cell.weight_hh | [2048, 2048] | 4194304 | True -2021-09-20 08:14:25.021 | INFO | deepspeech.utils.layer_tools:print_params:57 - encoder.rnn.rnn_stacks.2.bw_cell.bias_hh | [2048] | 2048 | True -2021-09-20 08:14:25.021 | INFO | deepspeech.utils.layer_tools:print_params:57 - decoder.ctc_lo.weight | [4096, 29] | 118784 | True -2021-09-20 08:14:25.021 | INFO | deepspeech.utils.layer_tools:print_params:57 - decoder.ctc_lo.bias | [29] | 29 | True -2021-09-20 08:14:25.021 | INFO | deepspeech.utils.layer_tools:print_params:60 - Total parameters: 39.0, 42.95M elements. -2021-09-20 08:14:25.023 | INFO | deepspeech2x.model:setup_model:184 - Setup model/optimizer/lr_scheduler! -2021-09-20 08:14:25.046 | INFO | deepspeech.modules.loss:__init__:36 - CTCLoss Loss reduction: sum, div-bs: True -2021-09-20 08:14:25.047 | INFO | deepspeech.modules.loss:__init__:45 - CTCLoss Grad Norm Type: instance -/home/huangyuxin/workspace/my_DeepSpeech/DeepSpeech/tools/venv/lib/python3.7/site-packages/paddle/framework/io.py:412: DeprecationWarning: Using or importing the ABCs from 'collections' instead of from 'collections.abc' is deprecated, and in 3.8 it will stop working - if isinstance(obj, collections.Iterable) and not isinstance(obj, ( -/home/huangyuxin/workspace/my_DeepSpeech/DeepSpeech/tools/venv/lib/python3.7/site-packages/paddle/fluid/dygraph/layers.py:1354: UserWarning: Skip loading for decoder.ctc_lo.weight. decoder.ctc_lo.weight receives a shape [4096, 29], but the expected shape is [4096, 30]. - warnings.warn(("Skip loading for {}. ".format(key) + str(err))) -/home/huangyuxin/workspace/my_DeepSpeech/DeepSpeech/tools/venv/lib/python3.7/site-packages/paddle/fluid/dygraph/layers.py:1354: UserWarning: Skip loading for decoder.ctc_lo.bias. decoder.ctc_lo.bias receives a shape [29], but the expected shape is [30]. - warnings.warn(("Skip loading for {}. ".format(key) + str(err))) -2021-09-20 08:14:25.544 | INFO | deepspeech.utils.checkpoint:load_parameters:117 - Rank 0: Restore model from exp/deepspeech2/checkpoints/librispeech_v1.8.pdparams -2021-09-20 08:14:25.548 | INFO | deepspeech2x.models.ds2.deepspeech2:from_pretrained:243 - checkpoint info: {} -encoder.conv.conv_in.conv.weight | [32, 1, 41, 11] | 14432 -encoder.conv.conv_in.bn.weight | [32] | 32 -encoder.conv.conv_in.bn.bias | [32] | 32 -encoder.conv.conv_in.bn._mean | [32] | 32 -encoder.conv.conv_in.bn._variance | [32] | 32 -encoder.conv.conv_stack.0.conv.weight | [32, 32, 21, 11] | 236544 -encoder.conv.conv_stack.0.bn.weight | [32] | 32 -encoder.conv.conv_stack.0.bn.bias | [32] | 32 -encoder.conv.conv_stack.0.bn._mean | [32] | 32 -encoder.conv.conv_stack.0.bn._variance | [32] | 32 -encoder.rnn.rnn_stacks.0.fw_fc.weight | [1312, 2048] | 2686976 -encoder.rnn.rnn_stacks.0.fw_bn.weight | [2048] | 2048 -encoder.rnn.rnn_stacks.0.fw_bn.bias | [2048] | 2048 -encoder.rnn.rnn_stacks.0.fw_bn._mean | [2048] | 2048 -encoder.rnn.rnn_stacks.0.fw_bn._variance | [2048] | 2048 -encoder.rnn.rnn_stacks.0.bw_fc.weight | [1312, 2048] | 2686976 -encoder.rnn.rnn_stacks.0.bw_bn.weight | [2048] | 2048 -encoder.rnn.rnn_stacks.0.bw_bn.bias | [2048] | 2048 -encoder.rnn.rnn_stacks.0.bw_bn._mean | [2048] | 2048 -encoder.rnn.rnn_stacks.0.bw_bn._variance | [2048] | 2048 -encoder.rnn.rnn_stacks.0.fw_cell.weight_hh | [2048, 2048] | 4194304 -encoder.rnn.rnn_stacks.0.fw_cell.bias_hh | [2048] | 2048 -encoder.rnn.rnn_stacks.0.bw_cell.weight_hh | [2048, 2048] | 4194304 -encoder.rnn.rnn_stacks.0.bw_cell.bias_hh | [2048] | 2048 -encoder.rnn.rnn_stacks.0.fw_rnn.cell.weight_hh | [2048, 2048] | 4194304 -encoder.rnn.rnn_stacks.0.fw_rnn.cell.bias_hh | [2048] | 2048 -encoder.rnn.rnn_stacks.0.bw_rnn.cell.weight_hh | [2048, 2048] | 4194304 -encoder.rnn.rnn_stacks.0.bw_rnn.cell.bias_hh | [2048] | 2048 -encoder.rnn.rnn_stacks.1.fw_fc.weight | [4096, 2048] | 8388608 -encoder.rnn.rnn_stacks.1.fw_bn.weight | [2048] | 2048 -encoder.rnn.rnn_stacks.1.fw_bn.bias | [2048] | 2048 -encoder.rnn.rnn_stacks.1.fw_bn._mean | [2048] | 2048 -encoder.rnn.rnn_stacks.1.fw_bn._variance | [2048] | 2048 -encoder.rnn.rnn_stacks.1.bw_fc.weight | [4096, 2048] | 8388608 -encoder.rnn.rnn_stacks.1.bw_bn.weight | [2048] | 2048 -encoder.rnn.rnn_stacks.1.bw_bn.bias | [2048] | 2048 -encoder.rnn.rnn_stacks.1.bw_bn._mean | [2048] | 2048 -encoder.rnn.rnn_stacks.1.bw_bn._variance | [2048] | 2048 -encoder.rnn.rnn_stacks.1.fw_cell.weight_hh | [2048, 2048] | 4194304 -encoder.rnn.rnn_stacks.1.fw_cell.bias_hh | [2048] | 2048 -encoder.rnn.rnn_stacks.1.bw_cell.weight_hh | [2048, 2048] | 4194304 -encoder.rnn.rnn_stacks.1.bw_cell.bias_hh | [2048] | 2048 -encoder.rnn.rnn_stacks.1.fw_rnn.cell.weight_hh | [2048, 2048] | 4194304 -encoder.rnn.rnn_stacks.1.fw_rnn.cell.bias_hh | [2048] | 2048 -encoder.rnn.rnn_stacks.1.bw_rnn.cell.weight_hh | [2048, 2048] | 4194304 -encoder.rnn.rnn_stacks.1.bw_rnn.cell.bias_hh | [2048] | 2048 -encoder.rnn.rnn_stacks.2.fw_fc.weight | [4096, 2048] | 8388608 -encoder.rnn.rnn_stacks.2.fw_bn.weight | [2048] | 2048 -encoder.rnn.rnn_stacks.2.fw_bn.bias | [2048] | 2048 -encoder.rnn.rnn_stacks.2.fw_bn._mean | [2048] | 2048 -encoder.rnn.rnn_stacks.2.fw_bn._variance | [2048] | 2048 -encoder.rnn.rnn_stacks.2.bw_fc.weight | [4096, 2048] | 8388608 -encoder.rnn.rnn_stacks.2.bw_bn.weight | [2048] | 2048 -encoder.rnn.rnn_stacks.2.bw_bn.bias | [2048] | 2048 -encoder.rnn.rnn_stacks.2.bw_bn._mean | [2048] | 2048 -encoder.rnn.rnn_stacks.2.bw_bn._variance | [2048] | 2048 -encoder.rnn.rnn_stacks.2.fw_cell.weight_hh | [2048, 2048] | 4194304 -encoder.rnn.rnn_stacks.2.fw_cell.bias_hh | [2048] | 2048 -encoder.rnn.rnn_stacks.2.bw_cell.weight_hh | [2048, 2048] | 4194304 -encoder.rnn.rnn_stacks.2.bw_cell.bias_hh | [2048] | 2048 -encoder.rnn.rnn_stacks.2.fw_rnn.cell.weight_hh | [2048, 2048] | 4194304 -encoder.rnn.rnn_stacks.2.fw_rnn.cell.bias_hh | [2048] | 2048 -encoder.rnn.rnn_stacks.2.bw_rnn.cell.weight_hh | [2048, 2048] | 4194304 -encoder.rnn.rnn_stacks.2.bw_rnn.cell.bias_hh | [2048] | 2048 -decoder.ctc_lo.weight | [4096, 30] | 122880 -decoder.ctc_lo.bias | [30] | 30 -Total parameters: 66, 85.55M elements. -/home/huangyuxin/workspace/my_DeepSpeech/DeepSpeech/tools/venv/lib/python3.7/site-packages/paddle/fluid/layers/utils.py:77: DeprecationWarning: Using or importing the ABCs from 'collections' instead of from 'collections.abc' is deprecated, and in 3.8 it will stop working - return (isinstance(seq, collections.Sequence) and -2021-09-20 08:14:25.568 | INFO | deepspeech2x.model:export:403 - Export code: def forward(self, audio, audio_len): - """export model function - - Args: - audio (Tensor): [B, T, D] - audio_len (Tensor): [B] - - Returns: - probs: probs after softmax - """ - eouts, eouts_len = paddle.jit.dy2static.convert_call(self.encoder)(audio, - audio_len) - probs = paddle.jit.dy2static.convert_call(self.decoder.softmax)(eouts) - return probs, eouts_len - -/home/huangyuxin/workspace/my_DeepSpeech/DeepSpeech/tools/venv/lib/python3.7/site-packages/paddle/fluid/framework.py:2249: UserWarning: The Attr(force_cpu) of Op(fill_constant) will be deprecated in the future, please use 'device_guard' instead. 'device_guard' has higher priority when they are used at the same time. - "used at the same time." % type) -/home/huangyuxin/workspace/my_DeepSpeech/DeepSpeech/tools/venv/lib/python3.7/site-packages/paddle/fluid/framework.py:744: DeprecationWarning: `np.bool` is a deprecated alias for the builtin `bool`. To silence this warning, use `bool` by itself. Doing this will not modify any behavior and is safe. If you specifically wanted the numpy scalar type, use `np.bool_` here. -Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations - elif dtype == np.bool: -/home/huangyuxin/workspace/my_DeepSpeech/DeepSpeech/tools/venv/lib/python3.7/site-packages/paddle/fluid/layers/math_op_patch.py:341: UserWarning: /tmp/tmptu1w9lgv.py:29 -The behavior of expression A >= B has been unified with greater_equal(X, Y, axis=-1) from Paddle 2.0. If your code works well in the older versions but crashes in this version, try to use greater_equal(X, Y, axis=0) instead of A >= B. This transitional warning will be dropped in the future. - op_type, op_type, EXPRESSION_MAP[method_name])) -/home/huangyuxin/workspace/my_DeepSpeech/DeepSpeech/tools/venv/lib/python3.7/site-packages/paddle/fluid/layers/math_op_patch.py:341: UserWarning: /tmp/tmpgjal4kum.py:17 -The behavior of expression A * B has been unified with elementwise_mul(X, Y, axis=-1) from Paddle 2.0. If your code works well in the older versions but crashes in this version, try to use elementwise_mul(X, Y, axis=0) instead of A * B. This transitional warning will be dropped in the future. - op_type, op_type, EXPRESSION_MAP[method_name])) -/home/huangyuxin/workspace/my_DeepSpeech/DeepSpeech/tools/venv/lib/python3.7/site-packages/paddle/fluid/layers/math_op_patch.py:341: UserWarning: /tmp/tmpyecli9ec.py:17 -The behavior of expression A * B has been unified with elementwise_mul(X, Y, axis=-1) from Paddle 2.0. If your code works well in the older versions but crashes in this version, try to use elementwise_mul(X, Y, axis=0) instead of A * B. This transitional warning will be dropped in the future. - op_type, op_type, EXPRESSION_MAP[method_name])) -/home/huangyuxin/workspace/my_DeepSpeech/DeepSpeech/tools/venv/lib/python3.7/site-packages/paddle/fluid/layers/math_op_patch.py:341: UserWarning: /home/huangyuxin/workspace/my_DeepSpeech/DeepSpeech/examples/v18_to_v2x/deepspeech2x/models/ds2/rnn.py:84 -The behavior of expression A + B has been unified with elementwise_add(X, Y, axis=-1) from Paddle 2.0. If your code works well in the older versions but crashes in this version, try to use elementwise_add(X, Y, axis=0) instead of A + B. This transitional warning will be dropped in the future. - op_type, op_type, EXPRESSION_MAP[method_name])) -/home/huangyuxin/workspace/my_DeepSpeech/DeepSpeech/tools/venv/lib/python3.7/site-packages/paddle/fluid/layers/math_op_patch.py:341: UserWarning: /home/huangyuxin/workspace/my_DeepSpeech/DeepSpeech/tools/venv/lib/python3.7/site-packages/paddle/fluid/layers/rnn.py:520 -The behavior of expression A + B has been unified with elementwise_add(X, Y, axis=-1) from Paddle 2.0. If your code works well in the older versions but crashes in this version, try to use elementwise_add(X, Y, axis=0) instead of A + B. This transitional warning will be dropped in the future. - op_type, op_type, EXPRESSION_MAP[method_name])) -using 1 gpus... -Download language model ... -data/lm/common_crawl_00.prune01111.trie.klm already exists, download skipped. -grep: warning: GREP_OPTIONS is deprecated; please use an alias or script -/home/huangyuxin/workspace/my_DeepSpeech/DeepSpeech/tools/venv/lib/python3.7/site-packages/paddle/optimizer/adamw.py:21: DeprecationWarning: Using or importing the ABCs from 'collections' instead of from 'collections.abc' is deprecated, and in 3.8 it will stop working - from collections import Callable -/home/huangyuxin/workspace/my_DeepSpeech/DeepSpeech/tools/venv/lib/python3.7/site-packages/scipy/fftpack/__init__.py:103: DeprecationWarning: The module numpy.dual is deprecated. Instead of using dual, use the functions directly from numpy or scipy. - from numpy.dual import register_func -/home/huangyuxin/workspace/my_DeepSpeech/DeepSpeech/tools/venv/lib/python3.7/site-packages/scipy/special/orthogonal.py:81: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information. -Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations - from numpy import (exp, inf, pi, sqrt, floor, sin, cos, around, int, -/home/huangyuxin/workspace/my_DeepSpeech/DeepSpeech/tools/venv/lib/python3.7/site-packages/scipy/sparse/sputils.py:16: DeprecationWarning: `np.typeDict` is a deprecated alias for `np.sctypeDict`. - supported_dtypes = [np.typeDict[x] for x in supported_dtypes] -/home/huangyuxin/workspace/my_DeepSpeech/DeepSpeech/tools/venv/lib/python3.7/site-packages/swig_decoders-1.1-py3.7-linux-x86_64.egg/swig_decoders.py:15: DeprecationWarning: the imp module is deprecated in favour of importlib; see the module's documentation for alternative uses - import imp -2021-09-20 08:14:59.735 | WARNING | deepspeech2x::199 - override size of paddle.Tensor (`to_static` do not process `size` property, maybe some `paddle` api dependent on it), remove this when fixed! -2021-09-20 08:14:59.736 | WARNING | deepspeech2x::369 - register user GLU to paddle.nn, remove this when fixed! ------------ test_export.py Configuration Arguments ----------- -checkpoint_path: None -config: conf/deepspeech2.yaml -device: gpu -dump_config: None -export_path: exp/deepspeech2/checkpoints/librispeech_v1.8.jit -model_type: offline -nprocs: 1 -opts: [] -output: None -result_file: exp/deepspeech2/checkpoints/librispeech_v1.8.jit.rsl -seed: None ------------------------------------------------------------ -model_type:offline -collator: - augmentation_config: conf/augmentation.json - batch_size: 64 - delta_delta: False - dither: 1.0 - feat_dim: None - keep_transcription_text: False - max_freq: None - mean_std_filepath: data/mean_std.npz - n_fft: None - num_workers: 2 - random_seed: 0 - shuffle_method: batch_shuffle - sortagrad: True - specgram_type: linear - spm_model_prefix: None - stride_ms: 10.0 - target_dB: -20 - target_sample_rate: 16000 - unit_type: char - use_dB_normalization: True - vocab_filepath: data/vocab.txt - window_ms: 20.0 -data: - dev_manifest: data/manifest.dev - manifest: - max_input_len: 1000.0 - max_output_input_ratio: inf - max_output_len: inf - min_input_len: 0.0 - min_output_input_ratio: 0.0 - min_output_len: 0.0 - test_manifest: data/manifest.test-clean - train_manifest: data/manifest.train -decoding: - alpha: 2.5 - batch_size: 64 - beam_size: 500 - beta: 0.3 - cutoff_prob: 1.0 - cutoff_top_n: 40 - decoding_method: ctc_beam_search - error_rate_type: wer - lang_model_path: data/lm/common_crawl_00.prune01111.trie.klm - num_proc_bsearch: 8 -model: - blank_id: 28 - ctc_grad_norm_type: instance - num_conv_layers: 2 - num_rnn_layers: 3 - rnn_layer_size: 2048 - share_rnn_weights: True - use_gru: False -training: - accum_grad: 1 - checkpoint: - kbest_n: 50 - latest_n: 5 - global_grad_clip: 3.0 - log_interval: 100 - lr: 0.002 - lr_decay: 0.83 - n_epoch: 80 - weight_decay: 1e-06 -2021-09-20 08:14:59.802 | INFO | deepspeech2x.model:setup_dataloader:251 - Setup train/valid/test Dataloader! -W0920 08:14:59.804494 44290 device_context.cc:447] Please NOTE: device: 0, GPU Compute Capability: 7.0, Driver API Version: 10.2, Runtime API Version: 10.1 -W0920 08:14:59.810282 44290 device_context.cc:465] device: 0, cuDNN Version: 7.6. -2021-09-20 08:15:03.963 | INFO | deepspeech.modules.loss:__init__:36 - CTCLoss Loss reduction: sum, div-bs: True -2021-09-20 08:15:03.964 | INFO | deepspeech.modules.loss:__init__:45 - CTCLoss Grad Norm Type: instance -Epoch 0: ExponentialDecay set learning rate to 0.002.2021-09-20 08:15:03.965 | INFO | deepspeech2x.model:setup_model:165 - DeepSpeech2Model( - (encoder): CRNNEncoder( - (conv): ConvStack( - (conv_in): ConvBn( - (conv): Conv2D(1, 32, kernel_size=[41, 11], stride=[2, 3], padding=(20, 5), data_format=NCHW) - (bn): BatchNorm2D(num_features=32, momentum=0.9, epsilon=1e-05) - ) - (conv_stack): LayerList( - (0): ConvBn( - (conv): Conv2D(32, 32, kernel_size=[21, 11], stride=[2, 1], padding=(10, 5), data_format=NCHW) - (bn): BatchNorm2D(num_features=32, momentum=0.9, epsilon=1e-05) - ) - ) - ) - (rnn): RNNStack( - (rnn_stacks): LayerList( - (0): BiRNNWithBN( - (fw_fc): Linear(in_features=1312, out_features=2048, dtype=float32) - (fw_bn): BatchNorm1D(num_features=2048, momentum=0.9, epsilon=1e-05, data_format=NLC) - (bw_fc): Linear(in_features=1312, out_features=2048, dtype=float32) - (bw_bn): BatchNorm1D(num_features=2048, momentum=0.9, epsilon=1e-05, data_format=NLC) - (fw_cell): RNNCell() - (bw_cell): RNNCell() - (fw_rnn): RNN( - (cell): RNNCell() - ) - (bw_rnn): RNN( - (cell): RNNCell() - ) - ) - (1): BiRNNWithBN( - (fw_fc): Linear(in_features=4096, out_features=2048, dtype=float32) - (fw_bn): BatchNorm1D(num_features=2048, momentum=0.9, epsilon=1e-05, data_format=NLC) - (bw_fc): Linear(in_features=4096, out_features=2048, dtype=float32) - (bw_bn): BatchNorm1D(num_features=2048, momentum=0.9, epsilon=1e-05, data_format=NLC) - (fw_cell): RNNCell() - (bw_cell): RNNCell() - (fw_rnn): RNN( - (cell): RNNCell() - ) - (bw_rnn): RNN( - (cell): RNNCell() - ) - ) - (2): BiRNNWithBN( - (fw_fc): Linear(in_features=4096, out_features=2048, dtype=float32) - (fw_bn): BatchNorm1D(num_features=2048, momentum=0.9, epsilon=1e-05, data_format=NLC) - (bw_fc): Linear(in_features=4096, out_features=2048, dtype=float32) - (bw_bn): BatchNorm1D(num_features=2048, momentum=0.9, epsilon=1e-05, data_format=NLC) - (fw_cell): RNNCell() - (bw_cell): RNNCell() - (fw_rnn): RNN( - (cell): RNNCell() - ) - (bw_rnn): RNN( - (cell): RNNCell() - ) - ) - ) - ) - ) - (decoder): CTCDecoder( - (ctc_lo): Linear(in_features=4096, out_features=29, dtype=float32) - (criterion): CTCLoss( - (loss): CTCLoss() - ) - ) -) - -2021-09-20 08:15:03.965 | INFO | deepspeech.utils.layer_tools:print_params:57 - encoder.conv.conv_in.conv.weight | [32, 1, 41, 11] | 14432 | True -W0920 08:15:03.978873 44290 analysis_predictor.cc:734] The one-time configuration of analysis predictor failed, which may be due to native predictor called first and its configurations taken effect. ---- Running analysis [ir_graph_build_pass] ---- Running analysis [ir_graph_clean_pass] ---- Running analysis [ir_analysis_pass] ---- Running IR pass [is_test_pass] ---- Running IR pass [simplify_with_basic_ops_pass] ---- Running IR pass [conv_affine_channel_fuse_pass] ---- Running IR pass [conv_eltwiseadd_affine_channel_fuse_pass] ---- Running IR pass [conv_bn_fuse_pass] -I0920 08:15:04.133152 44290 fuse_pass_base.cc:57] --- detected 2 subgraphs ---- Running IR pass [conv_eltwiseadd_bn_fuse_pass] ---- Running IR pass [embedding_eltwise_layernorm_fuse_pass] ---- Running IR pass [multihead_matmul_fuse_pass_v2] ---- Running IR pass [squeeze2_matmul_fuse_pass] ---- Running IR pass [reshape2_matmul_fuse_pass] ---- Running IR pass [flatten2_matmul_fuse_pass] ---- Running IR pass [map_matmul_to_mul_pass] ---- Running IR pass [fc_fuse_pass] ---- Running IR pass [fc_elementwise_layernorm_fuse_pass] ---- Running IR pass [conv_elementwise_add_act_fuse_pass] ---- Running IR pass [conv_elementwise_add2_act_fuse_pass] ---- Running IR pass [conv_elementwise_add_fuse_pass] ---- Running IR pass [transpose_flatten_concat_fuse_pass] ---- Running IR pass [runtime_context_cache_pass] ---- Running analysis [ir_params_sync_among_devices_pass] -I0920 08:15:04.148242 44290 ir_params_sync_among_devices_pass.cc:45] Sync params from CPU to GPU ---- Running analysis [adjust_cudnn_workspace_size_pass] ---- Running analysis [inference_op_replace_pass] ---- Running analysis [memory_optimize_pass] -I0920 08:15:04.247982 44290 memory_optimize_pass.cc:214] Cluster name : cast_0.tmp_0 size: 4 -I0920 08:15:04.248018 44290 memory_optimize_pass.cc:214] Cluster name : range_0.tmp_0 size: 8 -I0920 08:15:04.248023 44290 memory_optimize_pass.cc:214] Cluster name : audio_len size: 8 -I0920 08:15:04.248026 44290 memory_optimize_pass.cc:214] Cluster name : elementwise_mul_14 size: 16384 -I0920 08:15:04.248031 44290 memory_optimize_pass.cc:214] Cluster name : linear_12.tmp_0 size: 8192 -I0920 08:15:04.248035 44290 memory_optimize_pass.cc:214] Cluster name : batch_norm_2.tmp_2 size: 8192 -I0920 08:15:04.248039 44290 memory_optimize_pass.cc:214] Cluster name : concat_2.tmp_0 size: 16384 -I0920 08:15:04.248042 44290 memory_optimize_pass.cc:214] Cluster name : batch_norm_3.tmp_1 size: 8192 -I0920 08:15:04.248046 44290 memory_optimize_pass.cc:214] Cluster name : audio size: 644 ---- Running analysis [ir_graph_to_program_pass] -I0920 08:15:04.343894 44290 analysis_predictor.cc:653] ======= optimize end ======= -I0920 08:15:04.349756 44290 naive_executor.cc:98] --- skip [feed], feed -> audio_len -I0920 08:15:04.349812 44290 naive_executor.cc:98] --- skip [feed], feed -> audio -I0920 08:15:04.352349 44290 naive_executor.cc:98] --- skip [elementwise_mul_14], fetch -> fetch -I0920 08:15:04.352377 44290 naive_executor.cc:98] --- skip [concat_2.tmp_0], fetch -> fetch -2021-09-20 08:15:03.966 | INFO | deepspeech.utils.layer_tools:print_params:57 - encoder.conv.conv_in.bn.weight | [32] | 32 | True -2021-09-20 08:15:03.966 | INFO | deepspeech.utils.layer_tools:print_params:57 - encoder.conv.conv_in.bn.bias | [32] | 32 | True -2021-09-20 08:15:03.966 | INFO | deepspeech.utils.layer_tools:print_params:57 - encoder.conv.conv_in.bn._mean | [32] | 32 | False -2021-09-20 08:15:03.967 | INFO | deepspeech.utils.layer_tools:print_params:57 - encoder.conv.conv_in.bn._variance | [32] | 32 | False -2021-09-20 08:15:03.967 | INFO | deepspeech.utils.layer_tools:print_params:57 - encoder.conv.conv_stack.0.conv.weight | [32, 32, 21, 11] | 236544 | True -2021-09-20 08:15:03.967 | INFO | deepspeech.utils.layer_tools:print_params:57 - encoder.conv.conv_stack.0.bn.weight | [32] | 32 | True -2021-09-20 08:15:03.968 | INFO | deepspeech.utils.layer_tools:print_params:57 - encoder.conv.conv_stack.0.bn.bias | [32] | 32 | True -2021-09-20 08:15:03.968 | INFO | deepspeech.utils.layer_tools:print_params:57 - encoder.conv.conv_stack.0.bn._mean | [32] | 32 | False -2021-09-20 08:15:03.968 | INFO | deepspeech.utils.layer_tools:print_params:57 - encoder.conv.conv_stack.0.bn._variance | [32] | 32 | False -2021-09-20 08:15:03.968 | INFO | deepspeech.utils.layer_tools:print_params:57 - encoder.rnn.rnn_stacks.0.fw_fc.weight | [1312, 2048] | 2686976 | True -2021-09-20 08:15:03.969 | INFO | deepspeech.utils.layer_tools:print_params:57 - encoder.rnn.rnn_stacks.0.fw_bn.weight | [2048] | 2048 | True -2021-09-20 08:15:03.969 | INFO | deepspeech.utils.layer_tools:print_params:57 - encoder.rnn.rnn_stacks.0.fw_bn.bias | [2048] | 2048 | True -2021-09-20 08:15:03.969 | INFO | deepspeech.utils.layer_tools:print_params:57 - encoder.rnn.rnn_stacks.0.fw_bn._mean | [2048] | 2048 | False -2021-09-20 08:15:03.970 | INFO | deepspeech.utils.layer_tools:print_params:57 - encoder.rnn.rnn_stacks.0.fw_bn._variance | [2048] | 2048 | False -2021-09-20 08:15:03.970 | INFO | deepspeech.utils.layer_tools:print_params:57 - encoder.rnn.rnn_stacks.0.fw_cell.weight_hh | [2048, 2048] | 4194304 | True -2021-09-20 08:15:03.970 | INFO | deepspeech.utils.layer_tools:print_params:57 - encoder.rnn.rnn_stacks.0.fw_cell.bias_hh | [2048] | 2048 | True -2021-09-20 08:15:03.970 | INFO | deepspeech.utils.layer_tools:print_params:57 - encoder.rnn.rnn_stacks.0.bw_cell.weight_hh | [2048, 2048] | 4194304 | True -2021-09-20 08:15:03.971 | INFO | deepspeech.utils.layer_tools:print_params:57 - encoder.rnn.rnn_stacks.0.bw_cell.bias_hh | [2048] | 2048 | True -2021-09-20 08:15:03.971 | INFO | deepspeech.utils.layer_tools:print_params:57 - encoder.rnn.rnn_stacks.1.fw_fc.weight | [4096, 2048] | 8388608 | True -2021-09-20 08:15:03.971 | INFO | deepspeech.utils.layer_tools:print_params:57 - encoder.rnn.rnn_stacks.1.fw_bn.weight | [2048] | 2048 | True -2021-09-20 08:15:03.972 | INFO | deepspeech.utils.layer_tools:print_params:57 - encoder.rnn.rnn_stacks.1.fw_bn.bias | [2048] | 2048 | True -2021-09-20 08:15:03.972 | INFO | deepspeech.utils.layer_tools:print_params:57 - encoder.rnn.rnn_stacks.1.fw_bn._mean | [2048] | 2048 | False -2021-09-20 08:15:03.972 | INFO | deepspeech.utils.layer_tools:print_params:57 - encoder.rnn.rnn_stacks.1.fw_bn._variance | [2048] | 2048 | False -2021-09-20 08:15:03.973 | INFO | deepspeech.utils.layer_tools:print_params:57 - encoder.rnn.rnn_stacks.1.fw_cell.weight_hh | [2048, 2048] | 4194304 | True -2021-09-20 08:15:03.973 | INFO | deepspeech.utils.layer_tools:print_params:57 - encoder.rnn.rnn_stacks.1.fw_cell.bias_hh | [2048] | 2048 | True -2021-09-20 08:15:03.973 | INFO | deepspeech.utils.layer_tools:print_params:57 - encoder.rnn.rnn_stacks.1.bw_cell.weight_hh | [2048, 2048] | 4194304 | True -2021-09-20 08:15:03.973 | INFO | deepspeech.utils.layer_tools:print_params:57 - encoder.rnn.rnn_stacks.1.bw_cell.bias_hh | [2048] | 2048 | True -2021-09-20 08:15:03.974 | INFO | deepspeech.utils.layer_tools:print_params:57 - encoder.rnn.rnn_stacks.2.fw_fc.weight | [4096, 2048] | 8388608 | True -2021-09-20 08:15:03.974 | INFO | deepspeech.utils.layer_tools:print_params:57 - encoder.rnn.rnn_stacks.2.fw_bn.weight | [2048] | 2048 | True -2021-09-20 08:15:03.974 | INFO | deepspeech.utils.layer_tools:print_params:57 - encoder.rnn.rnn_stacks.2.fw_bn.bias | [2048] | 2048 | True -2021-09-20 08:15:03.975 | INFO | deepspeech.utils.layer_tools:print_params:57 - encoder.rnn.rnn_stacks.2.fw_bn._mean | [2048] | 2048 | False -2021-09-20 08:15:03.975 | INFO | deepspeech.utils.layer_tools:print_params:57 - encoder.rnn.rnn_stacks.2.fw_bn._variance | [2048] | 2048 | False -2021-09-20 08:15:03.975 | INFO | deepspeech.utils.layer_tools:print_params:57 - encoder.rnn.rnn_stacks.2.fw_cell.weight_hh | [2048, 2048] | 4194304 | True -2021-09-20 08:15:03.975 | INFO | deepspeech.utils.layer_tools:print_params:57 - encoder.rnn.rnn_stacks.2.fw_cell.bias_hh | [2048] | 2048 | True -2021-09-20 08:15:03.976 | INFO | deepspeech.utils.layer_tools:print_params:57 - encoder.rnn.rnn_stacks.2.bw_cell.weight_hh | [2048, 2048] | 4194304 | True -2021-09-20 08:15:03.976 | INFO | deepspeech.utils.layer_tools:print_params:57 - encoder.rnn.rnn_stacks.2.bw_cell.bias_hh | [2048] | 2048 | True -2021-09-20 08:15:03.976 | INFO | deepspeech.utils.layer_tools:print_params:57 - decoder.ctc_lo.weight | [4096, 29] | 118784 | True -2021-09-20 08:15:03.977 | INFO | deepspeech.utils.layer_tools:print_params:57 - decoder.ctc_lo.bias | [29] | 29 | True -2021-09-20 08:15:03.977 | INFO | deepspeech.utils.layer_tools:print_params:60 - Total parameters: 39.0, 42.95M elements. -2021-09-20 08:15:03.978 | INFO | deepspeech2x.model:setup_model:184 - Setup model/optimizer/lr_scheduler! -2021-09-20 08:15:04.353 | INFO | deepspeech2x.model:test:353 - Test Total Examples: 2620 -2021-09-20 08:15:05.578 | INFO | deepspeech.modules.ctc:_init_ext_scorer:166 - begin to initialize the external scorer for decoding -2021-09-20 08:15:19.270 | INFO | deepspeech.modules.ctc:_init_ext_scorer:176 - language model: is_character_based = 0, max_order = 5, dict_size = 400000 -2021-09-20 08:15:19.591 | INFO | deepspeech.modules.ctc:_init_ext_scorer:177 - end initializing scorer -[ctc_beam_search_decoder.cpp:47] FATAL: "(probs_seq[i].size()) == (vocabulary.size())" check failed. The shape of probs_seq does not match with the shape of the vocabulary[ctc_beam_search_decoder.cpp:[ctc_beam_search_decoder.cpp:47] 47] FATAL[ctc_beam_search_decoder.cpp:47] FATAL[ctc_beam_search_decoder.cpp:47] FATAL: "(probs_seq[i].size()) == (vocabulary.size())" check failed. The shape of probs_seq does not match with the shape of the vocabulary -: [ctc_beam_search_decoder.cpp:47[: ctc_beam_search_decoder.cpp:47] FATAL: "(probs_seq[i].size()) == (vocabulary.size())] "(probs_seq[i].size()) == (vocabulary.size())" check failed. The shape of probs_seq does not match with the shape of the vocabulary[ctc_beam_search_decoder.cpp:47] FATAL: "(probs_seq[i].size()) == (vocabulary.size())" check failed. The shape of probs_seq does not match with the shape of the vocabularyFATAL" check failed. -FATAL: - -The shape of probs_seq does not match with the shape of the vocabulary -: """(probs_seq[i].size()) == (vocabulary.size())(probs_seq[i].size()) == (vocabulary.size())" check failed. The shape of probs_seq does not match with the shape of the vocabulary" check failed. The shape of probs_seq does not match with the shape of the vocabulary(probs_seq[i].size()) == (vocabulary.size())" check failed. The shape of probs_seq does not match with the shape of the vocabulary - - -./local/test_export.sh: line 31: 44290 Segmentation fault (core dumped) python3 -u ${BIN_DIR}/test_export.py --device ${device} --nproc 1 --config ${config_path} --result_file ${jit_model_export_path}.rsl --export_path ${jit_model_export_path} --model_type ${model_type} -Failed in evaluation! -BIN_DIR /home/huangyuxin/workspace/my_DeepSpeech/DeepSpeech/examples/v18_to_v2x/deepspeech2x/bin -checkpoint name deepspeech2 -using 1 gpus... -grep: warning: GREP_OPTIONS is deprecated; please use an alias or script -/home/huangyuxin/workspace/my_DeepSpeech/DeepSpeech/tools/venv/lib/python3.7/site-packages/paddle/optimizer/adamw.py:21: DeprecationWarning: Using or importing the ABCs from 'collections' instead of from 'collections.abc' is deprecated, and in 3.8 it will stop working - from collections import Callable -/home/huangyuxin/workspace/my_DeepSpeech/DeepSpeech/tools/venv/lib/python3.7/site-packages/scipy/fftpack/__init__.py:103: DeprecationWarning: The module numpy.dual is deprecated. Instead of using dual, use the functions directly from numpy or scipy. - from numpy.dual import register_func -/home/huangyuxin/workspace/my_DeepSpeech/DeepSpeech/tools/venv/lib/python3.7/site-packages/scipy/special/orthogonal.py:81: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information. -Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations - from numpy import (exp, inf, pi, sqrt, floor, sin, cos, around, int, -/home/huangyuxin/workspace/my_DeepSpeech/DeepSpeech/tools/venv/lib/python3.7/site-packages/scipy/sparse/sputils.py:16: DeprecationWarning: `np.typeDict` is a deprecated alias for `np.sctypeDict`. - supported_dtypes = [np.typeDict[x] for x in supported_dtypes] -/home/huangyuxin/workspace/my_DeepSpeech/DeepSpeech/tools/venv/lib/python3.7/site-packages/swig_decoders-1.1-py3.7-linux-x86_64.egg/swig_decoders.py:15: DeprecationWarning: the imp module is deprecated in favour of importlib; see the module's documentation for alternative uses - import imp -2021-09-20 08:20:10.610 | WARNING | deepspeech2x::199 - override size of paddle.Tensor (`to_static` do not process `size` property, maybe some `paddle` api dependent on it), remove this when fixed! -2021-09-20 08:20:10.611 | WARNING | deepspeech2x::369 - register user GLU to paddle.nn, remove this when fixed! -model_type:offline ------------ Configuration Arguments ----------- -checkpoint_path: exp/deepspeech2/checkpoints/librispeech_v1.8 -config: conf/deepspeech2.yaml -device: gpu -dump_config: None -export_path: exp/deepspeech2/checkpoints/librispeech_v1.8.jit -model_type: offline -nprocs: 1 -opts: [] -output: None -seed: None ------------------------------------------------------------ -collator: - augmentation_config: conf/augmentation.json - batch_size: 64 - delta_delta: False - dither: 1.0 - feat_dim: None - keep_transcription_text: False - max_freq: None - mean_std_filepath: data/mean_std.npz - n_fft: None - num_workers: 2 - random_seed: 0 - shuffle_method: batch_shuffle - sortagrad: True - specgram_type: linear - spm_model_prefix: None - stride_ms: 10.0 - target_dB: -20 - target_sample_rate: 16000 - unit_type: char - use_dB_normalization: True - vocab_filepath: data/vocab.txt - window_ms: 20.0 -data: - dev_manifest: data/manifest.dev - manifest: - max_input_len: 1000.0 - max_output_input_ratio: inf - max_output_len: inf - min_input_len: 0.0 - min_output_input_ratio: 0.0 - min_output_len: 0.0 - test_manifest: data/manifest.test-clean - train_manifest: data/manifest.train -decoding: - alpha: 2.5 - batch_size: 64 - beam_size: 500 - beta: 0.3 - cutoff_prob: 1.0 - cutoff_top_n: 40 - decoding_method: ctc_beam_search - error_rate_type: wer - lang_model_path: data/lm/common_crawl_00.prune01111.trie.klm - num_proc_bsearch: 8 -model: - blank_id: 28 - ctc_grad_norm_type: instance - num_conv_layers: 2 - num_rnn_layers: 3 - rnn_layer_size: 2048 - share_rnn_weights: True - use_gru: False -training: - accum_grad: 1 - checkpoint: - kbest_n: 50 - latest_n: 5 - global_grad_clip: 3.0 - log_interval: 100 - lr: 0.002 - lr_decay: 0.83 - n_epoch: 80 - weight_decay: 1e-06 -2021-09-20 08:20:10.682 | INFO | deepspeech2x.model:setup_dataloader:251 - Setup train/valid/test Dataloader! -W0920 08:20:10.684285 44628 device_context.cc:447] Please NOTE: device: 0, GPU Compute Capability: 7.0, Driver API Version: 10.2, Runtime API Version: 10.1 -W0920 08:20:10.690227 44628 device_context.cc:465] device: 0, cuDNN Version: 7.6. -2021-09-20 08:20:14.887 | INFO | deepspeech.modules.loss:__init__:36 - CTCLoss Loss reduction: sum, div-bs: True -Epoch 0: ExponentialDecay set learning rate to 0.002.2021-09-20 08:20:14.888 | INFO | deepspeech.modules.loss:__init__:45 - CTCLoss Grad Norm Type: instance - -2021-09-20 08:20:14.888 | INFO | deepspeech2x.model:setup_model:165 - DeepSpeech2Model( - (encoder): CRNNEncoder( - (conv): ConvStack( - (conv_in): ConvBn( - (conv): Conv2D(1, 32, kernel_size=[41, 11], stride=[2, 3], padding=(20, 5), data_format=NCHW) - (bn): BatchNorm2D(num_features=32, momentum=0.9, epsilon=1e-05) - ) - (conv_stack): LayerList( - (0): ConvBn( - (conv): Conv2D(32, 32, kernel_size=[21, 11], stride=[2, 1], padding=(10, 5), data_format=NCHW) - (bn): BatchNorm2D(num_features=32, momentum=0.9, epsilon=1e-05) - ) - ) - ) - (rnn): RNNStack( - (rnn_stacks): LayerList( - (0): BiRNNWithBN( - (fw_fc): Linear(in_features=1312, out_features=2048, dtype=float32) - (fw_bn): BatchNorm1D(num_features=2048, momentum=0.9, epsilon=1e-05, data_format=NLC) - (bw_fc): Linear(in_features=1312, out_features=2048, dtype=float32) - (bw_bn): BatchNorm1D(num_features=2048, momentum=0.9, epsilon=1e-05, data_format=NLC) - (fw_cell): RNNCell() - (bw_cell): RNNCell() - (fw_rnn): RNN( - (cell): RNNCell() - ) - (bw_rnn): RNN( - (cell): RNNCell() - ) - ) - (1): BiRNNWithBN( - (fw_fc): Linear(in_features=4096, out_features=2048, dtype=float32) - (fw_bn): BatchNorm1D(num_features=2048, momentum=0.9, epsilon=1e-05, data_format=NLC) - (bw_fc): Linear(in_features=4096, out_features=2048, dtype=float32) - (bw_bn): BatchNorm1D(num_features=2048, momentum=0.9, epsilon=1e-05, data_format=NLC) - (fw_cell): RNNCell() - (bw_cell): RNNCell() - (fw_rnn): RNN( - (cell): RNNCell() - ) - (bw_rnn): RNN( - (cell): RNNCell() - ) - ) - (2): BiRNNWithBN( - (fw_fc): Linear(in_features=4096, out_features=2048, dtype=float32) - (fw_bn): BatchNorm1D(num_features=2048, momentum=0.9, epsilon=1e-05, data_format=NLC) - (bw_fc): Linear(in_features=4096, out_features=2048, dtype=float32) - (bw_bn): BatchNorm1D(num_features=2048, momentum=0.9, epsilon=1e-05, data_format=NLC) - (fw_cell): RNNCell() - (bw_cell): RNNCell() - (fw_rnn): RNN( - (cell): RNNCell() - ) - (bw_rnn): RNN( - (cell): RNNCell() - ) - ) - ) - ) - ) - (decoder): CTCDecoder( - (ctc_lo): Linear(in_features=4096, out_features=29, dtype=float32) - (criterion): CTCLoss( - (loss): CTCLoss() - ) - ) -) -2021-09-20 08:20:14.889 | INFO | deepspeech.utils.layer_tools:print_params:57 - encoder.conv.conv_in.conv.weight | [32, 1, 41, 11] | 14432 | True -2021-09-20 08:20:14.889 | INFO | deepspeech.utils.layer_tools:print_params:57 - encoder.conv.conv_in.bn.weight | [32] | 32 | True -2021-09-20 08:20:14.889 | INFO | deepspeech.utils.layer_tools:print_params:57 - encoder.conv.conv_in.bn.bias | [32] | 32 | True -2021-09-20 08:20:14.890 | INFO | deepspeech.utils.layer_tools:print_params:57 - encoder.conv.conv_in.bn._mean | [32] | 32 | False -2021-09-20 08:20:14.890 | INFO | deepspeech.utils.layer_tools:print_params:57 - encoder.conv.conv_in.bn._variance | [32] | 32 | False -2021-09-20 08:20:14.890 | INFO | deepspeech.utils.layer_tools:print_params:57 - encoder.conv.conv_stack.0.conv.weight | [32, 32, 21, 11] | 236544 | True -2021-09-20 08:20:14.891 | INFO | deepspeech.utils.layer_tools:print_params:57 - encoder.conv.conv_stack.0.bn.weight | [32] | 32 | True -2021-09-20 08:20:14.891 | INFO | deepspeech.utils.layer_tools:print_params:57 - encoder.conv.conv_stack.0.bn.bias | [32] | 32 | True -2021-09-20 08:20:14.891 | INFO | deepspeech.utils.layer_tools:print_params:57 - encoder.conv.conv_stack.0.bn._mean | [32] | 32 | False -2021-09-20 08:20:14.892 | INFO | deepspeech.utils.layer_tools:print_params:57 - encoder.conv.conv_stack.0.bn._variance | [32] | 32 | False -2021-09-20 08:20:14.892 | INFO | deepspeech.utils.layer_tools:print_params:57 - encoder.rnn.rnn_stacks.0.fw_fc.weight | [1312, 2048] | 2686976 | True -2021-09-20 08:20:14.892 | INFO | deepspeech.utils.layer_tools:print_params:57 - encoder.rnn.rnn_stacks.0.fw_bn.weight | [2048] | 2048 | True -2021-09-20 08:20:14.893 | INFO | deepspeech.utils.layer_tools:print_params:57 - encoder.rnn.rnn_stacks.0.fw_bn.bias | [2048] | 2048 | True -2021-09-20 08:20:14.893 | INFO | deepspeech.utils.layer_tools:print_params:57 - encoder.rnn.rnn_stacks.0.fw_bn._mean | [2048] | 2048 | False -2021-09-20 08:20:14.893 | INFO | deepspeech.utils.layer_tools:print_params:57 - encoder.rnn.rnn_stacks.0.fw_bn._variance | [2048] | 2048 | False -2021-09-20 08:20:14.893 | INFO | deepspeech.utils.layer_tools:print_params:57 - encoder.rnn.rnn_stacks.0.fw_cell.weight_hh | [2048, 2048] | 4194304 | True -2021-09-20 08:20:14.894 | INFO | deepspeech.utils.layer_tools:print_params:57 - encoder.rnn.rnn_stacks.0.fw_cell.bias_hh | [2048] | 2048 | True -2021-09-20 08:20:14.894 | INFO | deepspeech.utils.layer_tools:print_params:57 - encoder.rnn.rnn_stacks.0.bw_cell.weight_hh | [2048, 2048] | 4194304 | True -2021-09-20 08:20:14.894 | INFO | deepspeech.utils.layer_tools:print_params:57 - encoder.rnn.rnn_stacks.0.bw_cell.bias_hh | [2048] | 2048 | True -2021-09-20 08:20:14.895 | INFO | deepspeech.utils.layer_tools:print_params:57 - encoder.rnn.rnn_stacks.1.fw_fc.weight | [4096, 2048] | 8388608 | True -2021-09-20 08:20:14.895 | INFO | deepspeech.utils.layer_tools:print_params:57 - encoder.rnn.rnn_stacks.1.fw_bn.weight | [2048] | 2048 | True -2021-09-20 08:20:14.895 | INFO | deepspeech.utils.layer_tools:print_params:57 - encoder.rnn.rnn_stacks.1.fw_bn.bias | [2048] | 2048 | True -2021-09-20 08:20:14.895 | INFO | deepspeech.utils.layer_tools:print_params:57 - encoder.rnn.rnn_stacks.1.fw_bn._mean | [2048] | 2048 | False -2021-09-20 08:20:14.896 | INFO | deepspeech.utils.layer_tools:print_params:57 - encoder.rnn.rnn_stacks.1.fw_bn._variance | [2048] | 2048 | False -2021-09-20 08:20:14.896 | INFO | deepspeech.utils.layer_tools:print_params:57 - encoder.rnn.rnn_stacks.1.fw_cell.weight_hh | [2048, 2048] | 4194304 | True -2021-09-20 08:20:14.896 | INFO | deepspeech.utils.layer_tools:print_params:57 - encoder.rnn.rnn_stacks.1.fw_cell.bias_hh | [2048] | 2048 | True -2021-09-20 08:20:14.897 | INFO | deepspeech.utils.layer_tools:print_params:57 - encoder.rnn.rnn_stacks.1.bw_cell.weight_hh | [2048, 2048] | 4194304 | True -2021-09-20 08:20:14.897 | INFO | deepspeech.utils.layer_tools:print_params:57 - encoder.rnn.rnn_stacks.1.bw_cell.bias_hh | [2048] | 2048 | True -2021-09-20 08:20:14.897 | INFO | deepspeech.utils.layer_tools:print_params:57 - encoder.rnn.rnn_stacks.2.fw_fc.weight | [4096, 2048] | 8388608 | True -2021-09-20 08:20:14.898 | INFO | deepspeech.utils.layer_tools:print_params:57 - encoder.rnn.rnn_stacks.2.fw_bn.weight | [2048] | 2048 | True -2021-09-20 08:20:14.898 | INFO | deepspeech.utils.layer_tools:print_params:57 - encoder.rnn.rnn_stacks.2.fw_bn.bias | [2048] | 2048 | True -2021-09-20 08:20:14.898 | INFO | deepspeech.utils.layer_tools:print_params:57 - encoder.rnn.rnn_stacks.2.fw_bn._mean | [2048] | 2048 | False -2021-09-20 08:20:14.898 | INFO | deepspeech.utils.layer_tools:print_params:57 - encoder.rnn.rnn_stacks.2.fw_bn._variance | [2048] | 2048 | False -2021-09-20 08:20:14.899 | INFO | deepspeech.utils.layer_tools:print_params:57 - encoder.rnn.rnn_stacks.2.fw_cell.weight_hh | [2048, 2048] | 4194304 | True -2021-09-20 08:20:14.899 | INFO | deepspeech.utils.layer_tools:print_params:57 - encoder.rnn.rnn_stacks.2.fw_cell.bias_hh | [2048] | 2048 | True -2021-09-20 08:20:14.899 | INFO | deepspeech.utils.layer_tools:print_params:57 - encoder.rnn.rnn_stacks.2.bw_cell.weight_hh | [2048, 2048] | 4194304 | True -2021-09-20 08:20:14.900 | INFO | deepspeech.utils.layer_tools:print_params:57 - encoder.rnn.rnn_stacks.2.bw_cell.bias_hh | [2048] | 2048 | True -2021-09-20 08:20:14.900 | INFO | deepspeech.utils.layer_tools:print_params:57 - decoder.ctc_lo.weight | [4096, 29] | 118784 | True -2021-09-20 08:20:14.900 | INFO | deepspeech.utils.layer_tools:print_params:57 - decoder.ctc_lo.bias | [29] | 29 | True -2021-09-20 08:20:14.901 | INFO | deepspeech.utils.layer_tools:print_params:60 - Total parameters: 39.0, 42.95M elements. -2021-09-20 08:20:14.902 | INFO | deepspeech2x.model:setup_model:184 - Setup model/optimizer/lr_scheduler! -2021-09-20 08:20:14.926 | INFO | deepspeech.modules.loss:__init__:36 - CTCLoss Loss reduction: sum, div-bs: True -2021-09-20 08:20:14.926 | INFO | deepspeech.modules.loss:__init__:45 - CTCLoss Grad Norm Type: instance -/home/huangyuxin/workspace/my_DeepSpeech/DeepSpeech/tools/venv/lib/python3.7/site-packages/paddle/framework/io.py:412: DeprecationWarning: Using or importing the ABCs from 'collections' instead of from 'collections.abc' is deprecated, and in 3.8 it will stop working - if isinstance(obj, collections.Iterable) and not isinstance(obj, ( -/home/huangyuxin/workspace/my_DeepSpeech/DeepSpeech/tools/venv/lib/python3.7/site-packages/paddle/fluid/dygraph/layers.py:1354: UserWarning: Skip loading for decoder.ctc_lo.weight. decoder.ctc_lo.weight receives a shape [4096, 29], but the expected shape is [4096, 30]. - warnings.warn(("Skip loading for {}. ".format(key) + str(err))) -/home/huangyuxin/workspace/my_DeepSpeech/DeepSpeech/tools/venv/lib/python3.7/site-packages/paddle/fluid/dygraph/layers.py:1354: UserWarning: Skip loading for decoder.ctc_lo.bias. decoder.ctc_lo.bias receives a shape [29], but the expected shape is [30]. - warnings.warn(("Skip loading for {}. ".format(key) + str(err))) -2021-09-20 08:20:15.441 | INFO | deepspeech.utils.checkpoint:load_parameters:117 - Rank 0: Restore model from exp/deepspeech2/checkpoints/librispeech_v1.8.pdparams -encoder.conv.conv_in.conv.weight | [32, 1, 41, 11] | 14432 -2021-09-20 08:20:15.447 | INFO | deepspeech2x.models.ds2.deepspeech2:from_pretrained:243 - checkpoint info: {} -encoder.conv.conv_in.bn.weight | [32] | 32 -encoder.conv.conv_in.bn.bias | [32] | 32 -encoder.conv.conv_in.bn._mean | [32] | 32 -encoder.conv.conv_in.bn._variance | [32] | 32 -encoder.conv.conv_stack.0.conv.weight | [32, 32, 21, 11] | 236544 -encoder.conv.conv_stack.0.bn.weight | [32] | 32 -encoder.conv.conv_stack.0.bn.bias | [32] | 32 -encoder.conv.conv_stack.0.bn._mean | [32] | 32 -encoder.conv.conv_stack.0.bn._variance | [32] | 32 -encoder.rnn.rnn_stacks.0.fw_fc.weight | [1312, 2048] | 2686976 -encoder.rnn.rnn_stacks.0.fw_bn.weight | [2048] | 2048 -encoder.rnn.rnn_stacks.0.fw_bn.bias | [2048] | 2048 -encoder.rnn.rnn_stacks.0.fw_bn._mean | [2048] | 2048 -encoder.rnn.rnn_stacks.0.fw_bn._variance | [2048] | 2048 -encoder.rnn.rnn_stacks.0.bw_fc.weight | [1312, 2048] | 2686976 -encoder.rnn.rnn_stacks.0.bw_bn.weight | [2048] | 2048 -encoder.rnn.rnn_stacks.0.bw_bn.bias | [2048] | 2048 -encoder.rnn.rnn_stacks.0.bw_bn._mean | [2048] | 2048 -encoder.rnn.rnn_stacks.0.bw_bn._variance | [2048] | 2048 -encoder.rnn.rnn_stacks.0.fw_cell.weight_hh | [2048, 2048] | 4194304 -encoder.rnn.rnn_stacks.0.fw_cell.bias_hh | [2048] | 2048 -encoder.rnn.rnn_stacks.0.bw_cell.weight_hh | [2048, 2048] | 4194304 -encoder.rnn.rnn_stacks.0.bw_cell.bias_hh | [2048] | 2048 -encoder.rnn.rnn_stacks.0.fw_rnn.cell.weight_hh | [2048, 2048] | 4194304 -encoder.rnn.rnn_stacks.0.fw_rnn.cell.bias_hh | [2048] | 2048 -encoder.rnn.rnn_stacks.0.bw_rnn.cell.weight_hh | [2048, 2048] | 4194304 -encoder.rnn.rnn_stacks.0.bw_rnn.cell.bias_hh | [2048] | 2048 -encoder.rnn.rnn_stacks.1.fw_fc.weight | [4096, 2048] | 8388608 -encoder.rnn.rnn_stacks.1.fw_bn.weight | [2048] | 2048 -encoder.rnn.rnn_stacks.1.fw_bn.bias | [2048] | 2048 -encoder.rnn.rnn_stacks.1.fw_bn._mean | [2048] | 2048 -encoder.rnn.rnn_stacks.1.fw_bn._variance | [2048] | 2048 -encoder.rnn.rnn_stacks.1.bw_fc.weight | [4096, 2048] | 8388608 -encoder.rnn.rnn_stacks.1.bw_bn.weight | [2048] | 2048 -encoder.rnn.rnn_stacks.1.bw_bn.bias | [2048] | 2048 -encoder.rnn.rnn_stacks.1.bw_bn._mean | [2048] | 2048 -encoder.rnn.rnn_stacks.1.bw_bn._variance | [2048] | 2048 -encoder.rnn.rnn_stacks.1.fw_cell.weight_hh | [2048, 2048] | 4194304 -encoder.rnn.rnn_stacks.1.fw_cell.bias_hh | [2048] | 2048 -encoder.rnn.rnn_stacks.1.bw_cell.weight_hh | [2048, 2048] | 4194304 -encoder.rnn.rnn_stacks.1.bw_cell.bias_hh | [2048] | 2048 -encoder.rnn.rnn_stacks.1.fw_rnn.cell.weight_hh | [2048, 2048] | 4194304 -encoder.rnn.rnn_stacks.1.fw_rnn.cell.bias_hh | [2048] | 2048 -encoder.rnn.rnn_stacks.1.bw_rnn.cell.weight_hh | [2048, 2048] | 4194304 -encoder.rnn.rnn_stacks.1.bw_rnn.cell.bias_hh | [2048] | 2048 -encoder.rnn.rnn_stacks.2.fw_fc.weight | [4096, 2048] | 8388608 -encoder.rnn.rnn_stacks.2.fw_bn.weight | [2048] | 2048 -encoder.rnn.rnn_stacks.2.fw_bn.bias | [2048] | 2048 -encoder.rnn.rnn_stacks.2.fw_bn._mean | [2048] | 2048 -encoder.rnn.rnn_stacks.2.fw_bn._variance | [2048] | 2048 -encoder.rnn.rnn_stacks.2.bw_fc.weight | [4096, 2048] | 8388608 -encoder.rnn.rnn_stacks.2.bw_bn.weight | [2048] | 2048 -encoder.rnn.rnn_stacks.2.bw_bn.bias | [2048] | 2048 -encoder.rnn.rnn_stacks.2.bw_bn._mean | [2048] | 2048 -encoder.rnn.rnn_stacks.2.bw_bn._variance | [2048] | 2048 -encoder.rnn.rnn_stacks.2.fw_cell.weight_hh | [2048, 2048] | 4194304 -encoder.rnn.rnn_stacks.2.fw_cell.bias_hh | [2048] | 2048 -encoder.rnn.rnn_stacks.2.bw_cell.weight_hh | [2048, 2048] | 4194304 -encoder.rnn.rnn_stacks.2.bw_cell.bias_hh | [2048] | 2048 -encoder.rnn.rnn_stacks.2.fw_rnn.cell.weight_hh | [2048, 2048] | 4194304 -encoder.rnn.rnn_stacks.2.fw_rnn.cell.bias_hh | [2048] | 2048 -encoder.rnn.rnn_stacks.2.bw_rnn.cell.weight_hh | [2048, 2048] | 4194304 -encoder.rnn.rnn_stacks.2.bw_rnn.cell.bias_hh | [2048] | 2048 -decoder.ctc_lo.weight | [4096, 30] | 122880 -decoder.ctc_lo.bias | [30] | 30 -Total parameters: 66, 85.55M elements. -/home/huangyuxin/workspace/my_DeepSpeech/DeepSpeech/tools/venv/lib/python3.7/site-packages/paddle/fluid/layers/utils.py:77: DeprecationWarning: Using or importing the ABCs from 'collections' instead of from 'collections.abc' is deprecated, and in 3.8 it will stop working - return (isinstance(seq, collections.Sequence) and -2021-09-20 08:20:15.467 | INFO | deepspeech2x.model:export:403 - Export code: def forward(self, audio, audio_len): - """export model function - - Args: - audio (Tensor): [B, T, D] - audio_len (Tensor): [B] - - Returns: - probs: probs after softmax - """ - eouts, eouts_len = paddle.jit.dy2static.convert_call(self.encoder)(audio, - audio_len) - probs = paddle.jit.dy2static.convert_call(self.decoder.softmax)(eouts) - return probs, eouts_len - -/home/huangyuxin/workspace/my_DeepSpeech/DeepSpeech/tools/venv/lib/python3.7/site-packages/paddle/fluid/framework.py:2249: UserWarning: The Attr(force_cpu) of Op(fill_constant) will be deprecated in the future, please use 'device_guard' instead. 'device_guard' has higher priority when they are used at the same time. - "used at the same time." % type) -/home/huangyuxin/workspace/my_DeepSpeech/DeepSpeech/tools/venv/lib/python3.7/site-packages/paddle/fluid/framework.py:744: DeprecationWarning: `np.bool` is a deprecated alias for the builtin `bool`. To silence this warning, use `bool` by itself. Doing this will not modify any behavior and is safe. If you specifically wanted the numpy scalar type, use `np.bool_` here. -Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations - elif dtype == np.bool: -/home/huangyuxin/workspace/my_DeepSpeech/DeepSpeech/tools/venv/lib/python3.7/site-packages/paddle/fluid/layers/math_op_patch.py:341: UserWarning: /tmp/tmp55huqlls.py:29 -The behavior of expression A >= B has been unified with greater_equal(X, Y, axis=-1) from Paddle 2.0. If your code works well in the older versions but crashes in this version, try to use greater_equal(X, Y, axis=0) instead of A >= B. This transitional warning will be dropped in the future. - op_type, op_type, EXPRESSION_MAP[method_name])) -/home/huangyuxin/workspace/my_DeepSpeech/DeepSpeech/tools/venv/lib/python3.7/site-packages/paddle/fluid/layers/math_op_patch.py:341: UserWarning: /tmp/tmpr14wy4qk.py:17 -The behavior of expression A * B has been unified with elementwise_mul(X, Y, axis=-1) from Paddle 2.0. If your code works well in the older versions but crashes in this version, try to use elementwise_mul(X, Y, axis=0) instead of A * B. This transitional warning will be dropped in the future. - op_type, op_type, EXPRESSION_MAP[method_name])) -/home/huangyuxin/workspace/my_DeepSpeech/DeepSpeech/tools/venv/lib/python3.7/site-packages/paddle/fluid/layers/math_op_patch.py:341: UserWarning: /tmp/tmpdp8p02su.py:17 -The behavior of expression A * B has been unified with elementwise_mul(X, Y, axis=-1) from Paddle 2.0. If your code works well in the older versions but crashes in this version, try to use elementwise_mul(X, Y, axis=0) instead of A * B. This transitional warning will be dropped in the future. - op_type, op_type, EXPRESSION_MAP[method_name])) -/home/huangyuxin/workspace/my_DeepSpeech/DeepSpeech/tools/venv/lib/python3.7/site-packages/paddle/fluid/layers/math_op_patch.py:341: UserWarning: /home/huangyuxin/workspace/my_DeepSpeech/DeepSpeech/examples/v18_to_v2x/deepspeech2x/models/ds2/rnn.py:84 -The behavior of expression A + B has been unified with elementwise_add(X, Y, axis=-1) from Paddle 2.0. If your code works well in the older versions but crashes in this version, try to use elementwise_add(X, Y, axis=0) instead of A + B. This transitional warning will be dropped in the future. - op_type, op_type, EXPRESSION_MAP[method_name])) -/home/huangyuxin/workspace/my_DeepSpeech/DeepSpeech/tools/venv/lib/python3.7/site-packages/paddle/fluid/layers/math_op_patch.py:341: UserWarning: /home/huangyuxin/workspace/my_DeepSpeech/DeepSpeech/tools/venv/lib/python3.7/site-packages/paddle/fluid/layers/rnn.py:520 -The behavior of expression A + B has been unified with elementwise_add(X, Y, axis=-1) from Paddle 2.0. If your code works well in the older versions but crashes in this version, try to use elementwise_add(X, Y, axis=0) instead of A + B. This transitional warning will be dropped in the future. - op_type, op_type, EXPRESSION_MAP[method_name])) -using 1 gpus... -Download language model ... -data/lm/common_crawl_00.prune01111.trie.klm already exists, download skipped. -grep: warning: GREP_OPTIONS is deprecated; please use an alias or script -/home/huangyuxin/workspace/my_DeepSpeech/DeepSpeech/tools/venv/lib/python3.7/site-packages/paddle/optimizer/adamw.py:21: DeprecationWarning: Using or importing the ABCs from 'collections' instead of from 'collections.abc' is deprecated, and in 3.8 it will stop working - from collections import Callable -/home/huangyuxin/workspace/my_DeepSpeech/DeepSpeech/tools/venv/lib/python3.7/site-packages/scipy/fftpack/__init__.py:103: DeprecationWarning: The module numpy.dual is deprecated. Instead of using dual, use the functions directly from numpy or scipy. - from numpy.dual import register_func -/home/huangyuxin/workspace/my_DeepSpeech/DeepSpeech/tools/venv/lib/python3.7/site-packages/scipy/special/orthogonal.py:81: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information. -Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations - from numpy import (exp, inf, pi, sqrt, floor, sin, cos, around, int, -/home/huangyuxin/workspace/my_DeepSpeech/DeepSpeech/tools/venv/lib/python3.7/site-packages/scipy/sparse/sputils.py:16: DeprecationWarning: `np.typeDict` is a deprecated alias for `np.sctypeDict`. - supported_dtypes = [np.typeDict[x] for x in supported_dtypes] -/home/huangyuxin/workspace/my_DeepSpeech/DeepSpeech/tools/venv/lib/python3.7/site-packages/swig_decoders-1.1-py3.7-linux-x86_64.egg/swig_decoders.py:15: DeprecationWarning: the imp module is deprecated in favour of importlib; see the module's documentation for alternative uses - import imp -2021-09-20 08:20:50.575 | WARNING | deepspeech2x::199 - override size of paddle.Tensor (`to_static` do not process `size` property, maybe some `paddle` api dependent on it), remove this when fixed! -2021-09-20 08:20:50.576 | WARNING | deepspeech2x::369 - register user GLU to paddle.nn, remove this when fixed! ------------ test_export.py Configuration Arguments ----------- -checkpoint_path: None -config: conf/deepspeech2.yaml -device: gpu -dump_config: None -export_path: exp/deepspeech2/checkpoints/librispeech_v1.8.jit -model_type: offline -nprocs: 1 -opts: [] -output: None -result_file: exp/deepspeech2/checkpoints/librispeech_v1.8.jit.rsl -seed: None ------------------------------------------------------------ -model_type:offline -collator: - augmentation_config: conf/augmentation.json - batch_size: 64 - delta_delta: False - dither: 1.0 - feat_dim: None - keep_transcription_text: False - max_freq: None - mean_std_filepath: data/mean_std.npz - n_fft: None - num_workers: 2 - random_seed: 0 - shuffle_method: batch_shuffle - sortagrad: True - specgram_type: linear - spm_model_prefix: None - stride_ms: 10.0 - target_dB: -20 - target_sample_rate: 16000 - unit_type: char - use_dB_normalization: True - vocab_filepath: data/vocab.txt - window_ms: 20.0 -data: - dev_manifest: data/manifest.dev - manifest: - max_input_len: 1000.0 - max_output_input_ratio: inf - max_output_len: inf - min_input_len: 0.0 - min_output_input_ratio: 0.0 - min_output_len: 0.0 - test_manifest: data/manifest.test-clean - train_manifest: data/manifest.train -decoding: - alpha: 2.5 - batch_size: 64 - beam_size: 500 - beta: 0.3 - cutoff_prob: 1.0 - cutoff_top_n: 40 - decoding_method: ctc_beam_search - error_rate_type: wer - lang_model_path: data/lm/common_crawl_00.prune01111.trie.klm - num_proc_bsearch: 8 -model: - blank_id: 28 - ctc_grad_norm_type: instance - num_conv_layers: 2 - num_rnn_layers: 3 - rnn_layer_size: 2048 - share_rnn_weights: True - use_gru: False -training: - accum_grad: 1 - checkpoint: - kbest_n: 50 - latest_n: 5 - global_grad_clip: 3.0 - log_interval: 100 - lr: 0.002 - lr_decay: 0.83 - n_epoch: 80 - weight_decay: 1e-06 -2021-09-20 08:20:50.652 | INFO | deepspeech2x.model:setup_dataloader:251 - Setup train/valid/test Dataloader! -W0920 08:20:50.654489 44756 device_context.cc:447] Please NOTE: device: 0, GPU Compute Capability: 7.0, Driver API Version: 10.2, Runtime API Version: 10.1 -W0920 08:20:50.661427 44756 device_context.cc:465] device: 0, cuDNN Version: 7.6. -2021-09-20 08:20:55.220 | INFO | deepspeech.modules.loss:__init__:36 - CTCLoss Loss reduction: sum, div-bs: True -2021-09-20 08:20:55.221 | INFO | deepspeech.modules.loss:__init__:45 - CTCLoss Grad Norm Type: instance -Epoch 0: ExponentialDecay set learning rate to 0.002. -W0920 08:20:55.235123 44756 analysis_predictor.cc:734] The one-time configuration of analysis predictor failed, which may be due to native predictor called first and its configurations taken effect. ---- Running analysis [ir_graph_build_pass] ---- Running analysis [ir_graph_clean_pass] ---- Running analysis [ir_analysis_pass] ---- Running IR pass [is_test_pass] ---- Running IR pass [simplify_with_basic_ops_pass] ---- Running IR pass [conv_affine_channel_fuse_pass] ---- Running IR pass [conv_eltwiseadd_affine_channel_fuse_pass] ---- Running IR pass [conv_bn_fuse_pass] -I0920 08:20:55.400858 44756 fuse_pass_base.cc:57] --- detected 2 subgraphs ---- Running IR pass [conv_eltwiseadd_bn_fuse_pass] ---- Running IR pass [embedding_eltwise_layernorm_fuse_pass] ---- Running IR pass [multihead_matmul_fuse_pass_v2] ---- Running IR pass [squeeze2_matmul_fuse_pass] ---- Running IR pass [reshape2_matmul_fuse_pass] ---- Running IR pass [flatten2_matmul_fuse_pass] ---- Running IR pass [map_matmul_to_mul_pass] ---- Running IR pass [fc_fuse_pass] ---- Running IR pass [fc_elementwise_layernorm_fuse_pass] ---- Running IR pass [conv_elementwise_add_act_fuse_pass] ---- Running IR pass [conv_elementwise_add2_act_fuse_pass] ---- Running IR pass [conv_elementwise_add_fuse_pass] ---- Running IR pass [transpose_flatten_concat_fuse_pass] ---- Running IR pass [runtime_context_cache_pass] ---- Running analysis [ir_params_sync_among_devices_pass] -I0920 08:20:55.416205 44756 ir_params_sync_among_devices_pass.cc:45] Sync params from CPU to GPU ---- Running analysis [adjust_cudnn_workspace_size_pass] ---- Running analysis [inference_op_replace_pass] ---- Running analysis [memory_optimize_pass] -I0920 08:20:55.516068 44756 memory_optimize_pass.cc:214] Cluster name : cast_0.tmp_0 size: 4 -I0920 08:20:55.516103 44756 memory_optimize_pass.cc:214] Cluster name : range_0.tmp_0 size: 8 -I0920 08:20:55.516109 44756 memory_optimize_pass.cc:214] Cluster name : audio_len size: 8 -I0920 08:20:55.516114 44756 memory_optimize_pass.cc:214] Cluster name : elementwise_mul_14 size: 16384 -I0920 08:20:55.516119 44756 memory_optimize_pass.cc:214] Cluster name : linear_12.tmp_0 size: 8192 -I0920 08:20:55.516124 44756 memory_optimize_pass.cc:214] Cluster name : batch_norm_2.tmp_2 size: 8192 -I0920 08:20:55.516129 44756 memory_optimize_pass.cc:214] Cluster name : concat_2.tmp_0 size: 16384 -I0920 08:20:55.516134 44756 memory_optimize_pass.cc:214] Cluster name : batch_norm_3.tmp_1 size: 8192 -I0920 08:20:55.516145 44756 memory_optimize_pass.cc:214] Cluster name : audio size: 644 ---- Running analysis [ir_graph_to_program_pass] -I0920 08:20:55.614789 44756 analysis_predictor.cc:653] ======= optimize end ======= -I0920 08:20:55.620972 44756 naive_executor.cc:98] --- skip [feed], feed -> audio_len -I0920 08:20:55.621018 44756 naive_executor.cc:98] --- skip [feed], feed -> audio -I0920 08:20:55.623661 44756 naive_executor.cc:98] --- skip [elementwise_mul_14], fetch -> fetch -I0920 08:20:55.623701 44756 naive_executor.cc:98] --- skip [concat_2.tmp_0], fetch -> fetch -2021-09-20 08:20:55.222 | INFO | deepspeech2x.model:setup_model:165 - DeepSpeech2Model( - (encoder): CRNNEncoder( - (conv): ConvStack( - (conv_in): ConvBn( - (conv): Conv2D(1, 32, kernel_size=[41, 11], stride=[2, 3], padding=(20, 5), data_format=NCHW) - (bn): BatchNorm2D(num_features=32, momentum=0.9, epsilon=1e-05) - ) - (conv_stack): LayerList( - (0): ConvBn( - (conv): Conv2D(32, 32, kernel_size=[21, 11], stride=[2, 1], padding=(10, 5), data_format=NCHW) - (bn): BatchNorm2D(num_features=32, momentum=0.9, epsilon=1e-05) - ) - ) - ) - (rnn): RNNStack( - (rnn_stacks): LayerList( - (0): BiRNNWithBN( - (fw_fc): Linear(in_features=1312, out_features=2048, dtype=float32) - (fw_bn): BatchNorm1D(num_features=2048, momentum=0.9, epsilon=1e-05, data_format=NLC) - (bw_fc): Linear(in_features=1312, out_features=2048, dtype=float32) - (bw_bn): BatchNorm1D(num_features=2048, momentum=0.9, epsilon=1e-05, data_format=NLC) - (fw_cell): RNNCell() - (bw_cell): RNNCell() - (fw_rnn): RNN( - (cell): RNNCell() - ) - (bw_rnn): RNN( - (cell): RNNCell() - ) - ) - (1): BiRNNWithBN( - (fw_fc): Linear(in_features=4096, out_features=2048, dtype=float32) - (fw_bn): BatchNorm1D(num_features=2048, momentum=0.9, epsilon=1e-05, data_format=NLC) - (bw_fc): Linear(in_features=4096, out_features=2048, dtype=float32) - (bw_bn): BatchNorm1D(num_features=2048, momentum=0.9, epsilon=1e-05, data_format=NLC) - (fw_cell): RNNCell() - (bw_cell): RNNCell() - (fw_rnn): RNN( - (cell): RNNCell() - ) - (bw_rnn): RNN( - (cell): RNNCell() - ) - ) - (2): BiRNNWithBN( - (fw_fc): Linear(in_features=4096, out_features=2048, dtype=float32) - (fw_bn): BatchNorm1D(num_features=2048, momentum=0.9, epsilon=1e-05, data_format=NLC) - (bw_fc): Linear(in_features=4096, out_features=2048, dtype=float32) - (bw_bn): BatchNorm1D(num_features=2048, momentum=0.9, epsilon=1e-05, data_format=NLC) - (fw_cell): RNNCell() - (bw_cell): RNNCell() - (fw_rnn): RNN( - (cell): RNNCell() - ) - (bw_rnn): RNN( - (cell): RNNCell() - ) - ) - ) - ) - ) - (decoder): CTCDecoder( - (ctc_lo): Linear(in_features=4096, out_features=29, dtype=float32) - (criterion): CTCLoss( - (loss): CTCLoss() - ) - ) -) -2021-09-20 08:20:55.222 | INFO | deepspeech.utils.layer_tools:print_params:57 - encoder.conv.conv_in.conv.weight | [32, 1, 41, 11] | 14432 | True -2021-09-20 08:20:55.223 | INFO | deepspeech.utils.layer_tools:print_params:57 - encoder.conv.conv_in.bn.weight | [32] | 32 | True -2021-09-20 08:20:55.223 | INFO | deepspeech.utils.layer_tools:print_params:57 - encoder.conv.conv_in.bn.bias | [32] | 32 | True -2021-09-20 08:20:55.223 | INFO | deepspeech.utils.layer_tools:print_params:57 - encoder.conv.conv_in.bn._mean | [32] | 32 | False -2021-09-20 08:20:55.224 | INFO | deepspeech.utils.layer_tools:print_params:57 - encoder.conv.conv_in.bn._variance | [32] | 32 | False -2021-09-20 08:20:55.224 | INFO | deepspeech.utils.layer_tools:print_params:57 - encoder.conv.conv_stack.0.conv.weight | [32, 32, 21, 11] | 236544 | True -2021-09-20 08:20:55.224 | INFO | deepspeech.utils.layer_tools:print_params:57 - encoder.conv.conv_stack.0.bn.weight | [32] | 32 | True -2021-09-20 08:20:55.225 | INFO | deepspeech.utils.layer_tools:print_params:57 - encoder.conv.conv_stack.0.bn.bias | [32] | 32 | True -2021-09-20 08:20:55.225 | INFO | deepspeech.utils.layer_tools:print_params:57 - encoder.conv.conv_stack.0.bn._mean | [32] | 32 | False -2021-09-20 08:20:55.225 | INFO | deepspeech.utils.layer_tools:print_params:57 - encoder.conv.conv_stack.0.bn._variance | [32] | 32 | False -2021-09-20 08:20:55.225 | INFO | deepspeech.utils.layer_tools:print_params:57 - encoder.rnn.rnn_stacks.0.fw_fc.weight | [1312, 2048] | 2686976 | True -2021-09-20 08:20:55.226 | INFO | deepspeech.utils.layer_tools:print_params:57 - encoder.rnn.rnn_stacks.0.fw_bn.weight | [2048] | 2048 | True -2021-09-20 08:20:55.226 | INFO | deepspeech.utils.layer_tools:print_params:57 - encoder.rnn.rnn_stacks.0.fw_bn.bias | [2048] | 2048 | True -2021-09-20 08:20:55.226 | INFO | deepspeech.utils.layer_tools:print_params:57 - encoder.rnn.rnn_stacks.0.fw_bn._mean | [2048] | 2048 | False -2021-09-20 08:20:55.226 | INFO | deepspeech.utils.layer_tools:print_params:57 - encoder.rnn.rnn_stacks.0.fw_bn._variance | [2048] | 2048 | False -2021-09-20 08:20:55.227 | INFO | deepspeech.utils.layer_tools:print_params:57 - encoder.rnn.rnn_stacks.0.fw_cell.weight_hh | [2048, 2048] | 4194304 | True -2021-09-20 08:20:55.227 | INFO | deepspeech.utils.layer_tools:print_params:57 - encoder.rnn.rnn_stacks.0.fw_cell.bias_hh | [2048] | 2048 | True -2021-09-20 08:20:55.227 | INFO | deepspeech.utils.layer_tools:print_params:57 - encoder.rnn.rnn_stacks.0.bw_cell.weight_hh | [2048, 2048] | 4194304 | True -2021-09-20 08:20:55.227 | INFO | deepspeech.utils.layer_tools:print_params:57 - encoder.rnn.rnn_stacks.0.bw_cell.bias_hh | [2048] | 2048 | True -2021-09-20 08:20:55.228 | INFO | deepspeech.utils.layer_tools:print_params:57 - encoder.rnn.rnn_stacks.1.fw_fc.weight | [4096, 2048] | 8388608 | True -2021-09-20 08:20:55.228 | INFO | deepspeech.utils.layer_tools:print_params:57 - encoder.rnn.rnn_stacks.1.fw_bn.weight | [2048] | 2048 | True -2021-09-20 08:20:55.228 | INFO | deepspeech.utils.layer_tools:print_params:57 - encoder.rnn.rnn_stacks.1.fw_bn.bias | [2048] | 2048 | True -2021-09-20 08:20:55.228 | INFO | deepspeech.utils.layer_tools:print_params:57 - encoder.rnn.rnn_stacks.1.fw_bn._mean | [2048] | 2048 | False -2021-09-20 08:20:55.229 | INFO | deepspeech.utils.layer_tools:print_params:57 - encoder.rnn.rnn_stacks.1.fw_bn._variance | [2048] | 2048 | False -2021-09-20 08:20:55.229 | INFO | deepspeech.utils.layer_tools:print_params:57 - encoder.rnn.rnn_stacks.1.fw_cell.weight_hh | [2048, 2048] | 4194304 | True -2021-09-20 08:20:55.229 | INFO | deepspeech.utils.layer_tools:print_params:57 - encoder.rnn.rnn_stacks.1.fw_cell.bias_hh | [2048] | 2048 | True -2021-09-20 08:20:55.229 | INFO | deepspeech.utils.layer_tools:print_params:57 - encoder.rnn.rnn_stacks.1.bw_cell.weight_hh | [2048, 2048] | 4194304 | True -2021-09-20 08:20:55.230 | INFO | deepspeech.utils.layer_tools:print_params:57 - encoder.rnn.rnn_stacks.1.bw_cell.bias_hh | [2048] | 2048 | True -2021-09-20 08:20:55.230 | INFO | deepspeech.utils.layer_tools:print_params:57 - encoder.rnn.rnn_stacks.2.fw_fc.weight | [4096, 2048] | 8388608 | True -2021-09-20 08:20:55.230 | INFO | deepspeech.utils.layer_tools:print_params:57 - encoder.rnn.rnn_stacks.2.fw_bn.weight | [2048] | 2048 | True -2021-09-20 08:20:55.230 | INFO | deepspeech.utils.layer_tools:print_params:57 - encoder.rnn.rnn_stacks.2.fw_bn.bias | [2048] | 2048 | True -2021-09-20 08:20:55.231 | INFO | deepspeech.utils.layer_tools:print_params:57 - encoder.rnn.rnn_stacks.2.fw_bn._mean | [2048] | 2048 | False -2021-09-20 08:20:55.231 | INFO | deepspeech.utils.layer_tools:print_params:57 - encoder.rnn.rnn_stacks.2.fw_bn._variance | [2048] | 2048 | False -2021-09-20 08:20:55.231 | INFO | deepspeech.utils.layer_tools:print_params:57 - encoder.rnn.rnn_stacks.2.fw_cell.weight_hh | [2048, 2048] | 4194304 | True -2021-09-20 08:20:55.231 | INFO | deepspeech.utils.layer_tools:print_params:57 - encoder.rnn.rnn_stacks.2.fw_cell.bias_hh | [2048] | 2048 | True -2021-09-20 08:20:55.232 | INFO | deepspeech.utils.layer_tools:print_params:57 - encoder.rnn.rnn_stacks.2.bw_cell.weight_hh | [2048, 2048] | 4194304 | True -2021-09-20 08:20:55.232 | INFO | deepspeech.utils.layer_tools:print_params:57 - encoder.rnn.rnn_stacks.2.bw_cell.bias_hh | [2048] | 2048 | True -2021-09-20 08:20:55.232 | INFO | deepspeech.utils.layer_tools:print_params:57 - decoder.ctc_lo.weight | [4096, 29] | 118784 | True -2021-09-20 08:20:55.232 | INFO | deepspeech.utils.layer_tools:print_params:57 - decoder.ctc_lo.bias | [29] | 29 | True -2021-09-20 08:20:55.233 | INFO | deepspeech.utils.layer_tools:print_params:60 - Total parameters: 39.0, 42.95M elements. -2021-09-20 08:20:55.234 | INFO | deepspeech2x.model:setup_model:184 - Setup model/optimizer/lr_scheduler! -2021-09-20 08:20:55.624 | INFO | deepspeech2x.model:test:353 - Test Total Examples: 2620 -vocab_list [' ', 'e', 't', 'a', 'o', 'n', 'i', 'h', 's', 'r', 'd', 'l', 'u', 'm', 'c', 'w', 'f', 'g', 'y', 'p', 'b', 'v', 'k', "'", 'x', 'j', 'q', 'z', ''] -vocab_len 29 -2021-09-20 08:21:01.771 | INFO | deepspeech.modules.ctc:_init_ext_scorer:166 - begin to initialize the external scorer for decoding -2021-09-20 08:21:15.399 | INFO | deepspeech.modules.ctc:_init_ext_scorer:176 - language model: is_character_based = 0, max_order = 5, dict_size = 400000 -2021-09-20 08:21:15.723 | INFO | deepspeech.modules.ctc:_init_ext_scorer:177 - end initializing scorer -[ctc_beam_search_decoder.cpp:47] [ctc_beam_search_decoder.cpp[[[ctc_beam_search_decoder.cpp:47] FATAL[FATAL: ctc_beam_search_decoder.cpp[ctc_beam_search_decoder.cpp[ctc_beam_search_decoder.cpp:47] : :FATAL47: ] "ctc_beam_search_decoder.cpp:47] FATAL: "(probs_seq[i].size()) == (vocabulary.size())FATALctc_beam_search_decoder.cpp:47] FATAL: :47] FATAL: "(probs_seq[i].size()) == (vocabulary.size())(probs_seq[i].size()) == (vocabulary.size())"": ":" check failed. 47(probs_seq[i].size()) == (vocabulary.size())] " check failed. The shape of probs_seq does not match with the shape of the vocabularyFATAL" check failed. The shape of probs_seq does not match with the shape of the vocabulary" check failed. The shape of probs_seq does not match with the shape of the vocabulary(probs_seq[i].size()) == (vocabulary.size())" check failed. (probs_seq[i].size()) == (vocabulary.size())"(probs_seq[i].size()) == (vocabulary.size())" check failed. The shape of probs_seq does not match with the shape of the vocabulary: " -(probs_seq[i].size()) == (vocabulary.size()) -The shape of probs_seq does not match with the shape of the vocabulary -" check failed. The shape of probs_seq does not match with the shape of the vocabulary - - -" check failed. The shape of probs_seq does not match with the shape of the vocabulary -The shape of probs_seq does not match with the shape of the vocabulary -./local/test_export.sh: line 31: 44756 Segmentation fault (core dumped) python3 -u ${BIN_DIR}/test_export.py --device ${device} --nproc 1 --config ${config_path} --result_file ${jit_model_export_path}.rsl --export_path ${jit_model_export_path} --model_type ${model_type} -Failed in evaluation! -BIN_DIR /home/huangyuxin/workspace/my_DeepSpeech/DeepSpeech/examples/v18_to_v2x/deepspeech2x/bin -checkpoint name deepspeech2 -using 1 gpus... -grep: warning: GREP_OPTIONS is deprecated; please use an alias or script -/home/huangyuxin/workspace/my_DeepSpeech/DeepSpeech/tools/venv/lib/python3.7/site-packages/paddle/optimizer/adamw.py:21: DeprecationWarning: Using or importing the ABCs from 'collections' instead of from 'collections.abc' is deprecated, and in 3.8 it will stop working - from collections import Callable -/home/huangyuxin/workspace/my_DeepSpeech/DeepSpeech/tools/venv/lib/python3.7/site-packages/scipy/fftpack/__init__.py:103: DeprecationWarning: The module numpy.dual is deprecated. Instead of using dual, use the functions directly from numpy or scipy. - from numpy.dual import register_func -/home/huangyuxin/workspace/my_DeepSpeech/DeepSpeech/tools/venv/lib/python3.7/site-packages/scipy/special/orthogonal.py:81: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information. -Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations - from numpy import (exp, inf, pi, sqrt, floor, sin, cos, around, int, -/home/huangyuxin/workspace/my_DeepSpeech/DeepSpeech/tools/venv/lib/python3.7/site-packages/scipy/sparse/sputils.py:16: DeprecationWarning: `np.typeDict` is a deprecated alias for `np.sctypeDict`. - supported_dtypes = [np.typeDict[x] for x in supported_dtypes] -/home/huangyuxin/workspace/my_DeepSpeech/DeepSpeech/tools/venv/lib/python3.7/site-packages/swig_decoders-1.1-py3.7-linux-x86_64.egg/swig_decoders.py:15: DeprecationWarning: the imp module is deprecated in favour of importlib; see the module's documentation for alternative uses - import imp -2021-09-20 08:25:50.563 | WARNING | deepspeech2x::199 - override size of paddle.Tensor (`to_static` do not process `size` property, maybe some `paddle` api dependent on it), remove this when fixed! -2021-09-20 08:25:50.564 | WARNING | deepspeech2x::369 - register user GLU to paddle.nn, remove this when fixed! -model_type:offline ------------ Configuration Arguments ----------- -checkpoint_path: exp/deepspeech2/checkpoints/librispeech_v1.8 -config: conf/deepspeech2.yaml -device: gpu -dump_config: None -export_path: exp/deepspeech2/checkpoints/librispeech_v1.8.jit -model_type: offline -nprocs: 1 -opts: [] -output: None -seed: None ------------------------------------------------------------ -collator: - augmentation_config: conf/augmentation.json - batch_size: 64 - delta_delta: False - dither: 1.0 - feat_dim: None - keep_transcription_text: False - max_freq: None - mean_std_filepath: data/mean_std.npz - n_fft: None - num_workers: 2 - random_seed: 0 - shuffle_method: batch_shuffle - sortagrad: True - specgram_type: linear - spm_model_prefix: None - stride_ms: 10.0 - target_dB: -20 - target_sample_rate: 16000 - unit_type: char - use_dB_normalization: True - vocab_filepath: data/vocab.txt - window_ms: 20.0 -data: - dev_manifest: data/manifest.dev - manifest: - max_input_len: 1000.0 - max_output_input_ratio: inf - max_output_len: inf - min_input_len: 0.0 - min_output_input_ratio: 0.0 - min_output_len: 0.0 - test_manifest: data/manifest.test-clean - train_manifest: data/manifest.train -decoding: - alpha: 2.5 - batch_size: 64 - beam_size: 500 - beta: 0.3 - cutoff_prob: 1.0 - cutoff_top_n: 40 - decoding_method: ctc_beam_search - error_rate_type: wer - lang_model_path: data/lm/common_crawl_00.prune01111.trie.klm - num_proc_bsearch: 8 -model: - blank_id: 28 - ctc_grad_norm_type: instance - num_conv_layers: 2 - num_rnn_layers: 3 - rnn_layer_size: 2048 - share_rnn_weights: True - use_gru: False -training: - accum_grad: 1 - checkpoint: - kbest_n: 50 - latest_n: 5 - global_grad_clip: 3.0 - log_interval: 100 - lr: 0.002 - lr_decay: 0.83 - n_epoch: 80 - weight_decay: 1e-06 -2021-09-20 08:25:50.634 | INFO | deepspeech2x.model:setup_dataloader:251 - Setup train/valid/test Dataloader! -W0920 08:25:50.636852 45199 device_context.cc:447] Please NOTE: device: 0, GPU Compute Capability: 7.0, Driver API Version: 10.2, Runtime API Version: 10.1 -W0920 08:25:50.642024 45199 device_context.cc:465] device: 0, cuDNN Version: 7.6. -2021-09-20 08:25:55.064 | INFO | deepspeech.modules.loss:__init__:36 - CTCLoss Loss reduction: sum, div-bs: True -2021-09-20 08:25:55.065 | INFO | deepspeech.modules.loss:__init__:45 - CTCLoss Grad Norm Type: instance -Epoch 0: ExponentialDecay set learning rate to 0.002.2021-09-20 08:25:55.066 | INFO | deepspeech2x.model:setup_model:165 - DeepSpeech2Model( - (encoder): CRNNEncoder( - (conv): ConvStack( - (conv_in): ConvBn( - (conv): Conv2D(1, 32, kernel_size=[41, 11], stride=[2, 3], padding=(20, 5), data_format=NCHW) - (bn): BatchNorm2D(num_features=32, momentum=0.9, epsilon=1e-05) - ) - (conv_stack): LayerList( - (0): ConvBn( - (conv): Conv2D(32, 32, kernel_size=[21, 11], stride=[2, 1], padding=(10, 5), data_format=NCHW) - (bn): BatchNorm2D(num_features=32, momentum=0.9, epsilon=1e-05) - ) - ) - ) - (rnn): RNNStack( - (rnn_stacks): LayerList( - (0): BiRNNWithBN( - (fw_fc): Linear(in_features=1312, out_features=2048, dtype=float32) - (fw_bn): BatchNorm1D(num_features=2048, momentum=0.9, epsilon=1e-05, data_format=NLC) - (bw_fc): Linear(in_features=1312, out_features=2048, dtype=float32) - (bw_bn): BatchNorm1D(num_features=2048, momentum=0.9, epsilon=1e-05, data_format=NLC) - (fw_cell): RNNCell() - (bw_cell): RNNCell() - (fw_rnn): RNN( - (cell): RNNCell() - ) - (bw_rnn): RNN( - (cell): RNNCell() - ) - ) - (1): BiRNNWithBN( - (fw_fc): Linear(in_features=4096, out_features=2048, dtype=float32) - (fw_bn): BatchNorm1D(num_features=2048, momentum=0.9, epsilon=1e-05, data_format=NLC) - (bw_fc): Linear(in_features=4096, out_features=2048, dtype=float32) - (bw_bn): BatchNorm1D(num_features=2048, momentum=0.9, epsilon=1e-05, data_format=NLC) - (fw_cell): RNNCell() - (bw_cell): RNNCell() - (fw_rnn): RNN( - (cell): RNNCell() - ) - (bw_rnn): RNN( - (cell): RNNCell() - ) - ) - (2): BiRNNWithBN( - (fw_fc): Linear(in_features=4096, out_features=2048, dtype=float32) - (fw_bn): BatchNorm1D(num_features=2048, momentum=0.9, epsilon=1e-05, data_format=NLC) - (bw_fc): Linear(in_features=4096, out_features=2048, dtype=float32) - (bw_bn): BatchNorm1D(num_features=2048, momentum=0.9, epsilon=1e-05, data_format=NLC) - (fw_cell): RNNCell() - (bw_cell): RNNCell() - (fw_rnn): RNN( - (cell): RNNCell() - ) - (bw_rnn): RNN( - (cell): RNNCell() - ) - ) - ) - ) - ) - (decoder): CTCDecoder( - (ctc_lo): Linear(in_features=4096, out_features=29, dtype=float32) - (criterion): CTCLoss( - (loss): CTCLoss() - ) - ) -) - -2021-09-20 08:25:55.067 | INFO | deepspeech.utils.layer_tools:print_params:57 - encoder.conv.conv_in.conv.weight | [32, 1, 41, 11] | 14432 | True -2021-09-20 08:25:55.067 | INFO | deepspeech.utils.layer_tools:print_params:57 - encoder.conv.conv_in.bn.weight | [32] | 32 | True -2021-09-20 08:25:55.067 | INFO | deepspeech.utils.layer_tools:print_params:57 - encoder.conv.conv_in.bn.bias | [32] | 32 | True -2021-09-20 08:25:55.068 | INFO | deepspeech.utils.layer_tools:print_params:57 - encoder.conv.conv_in.bn._mean | [32] | 32 | False -2021-09-20 08:25:55.068 | INFO | deepspeech.utils.layer_tools:print_params:57 - encoder.conv.conv_in.bn._variance | [32] | 32 | False -2021-09-20 08:25:55.068 | INFO | deepspeech.utils.layer_tools:print_params:57 - encoder.conv.conv_stack.0.conv.weight | [32, 32, 21, 11] | 236544 | True -2021-09-20 08:25:55.068 | INFO | deepspeech.utils.layer_tools:print_params:57 - encoder.conv.conv_stack.0.bn.weight | [32] | 32 | True -2021-09-20 08:25:55.069 | INFO | deepspeech.utils.layer_tools:print_params:57 - encoder.conv.conv_stack.0.bn.bias | [32] | 32 | True -2021-09-20 08:25:55.069 | INFO | deepspeech.utils.layer_tools:print_params:57 - encoder.conv.conv_stack.0.bn._mean | [32] | 32 | False -2021-09-20 08:25:55.069 | INFO | deepspeech.utils.layer_tools:print_params:57 - encoder.conv.conv_stack.0.bn._variance | [32] | 32 | False -2021-09-20 08:25:55.070 | INFO | deepspeech.utils.layer_tools:print_params:57 - encoder.rnn.rnn_stacks.0.fw_fc.weight | [1312, 2048] | 2686976 | True -2021-09-20 08:25:55.070 | INFO | deepspeech.utils.layer_tools:print_params:57 - encoder.rnn.rnn_stacks.0.fw_bn.weight | [2048] | 2048 | True -2021-09-20 08:25:55.070 | INFO | deepspeech.utils.layer_tools:print_params:57 - encoder.rnn.rnn_stacks.0.fw_bn.bias | [2048] | 2048 | True -2021-09-20 08:25:55.070 | INFO | deepspeech.utils.layer_tools:print_params:57 - encoder.rnn.rnn_stacks.0.fw_bn._mean | [2048] | 2048 | False -2021-09-20 08:25:55.071 | INFO | deepspeech.utils.layer_tools:print_params:57 - encoder.rnn.rnn_stacks.0.fw_bn._variance | [2048] | 2048 | False -2021-09-20 08:25:55.071 | INFO | deepspeech.utils.layer_tools:print_params:57 - encoder.rnn.rnn_stacks.0.fw_cell.weight_hh | [2048, 2048] | 4194304 | True -2021-09-20 08:25:55.071 | INFO | deepspeech.utils.layer_tools:print_params:57 - encoder.rnn.rnn_stacks.0.fw_cell.bias_hh | [2048] | 2048 | True -2021-09-20 08:25:55.072 | INFO | deepspeech.utils.layer_tools:print_params:57 - encoder.rnn.rnn_stacks.0.bw_cell.weight_hh | [2048, 2048] | 4194304 | True -2021-09-20 08:25:55.072 | INFO | deepspeech.utils.layer_tools:print_params:57 - encoder.rnn.rnn_stacks.0.bw_cell.bias_hh | [2048] | 2048 | True -2021-09-20 08:25:55.072 | INFO | deepspeech.utils.layer_tools:print_params:57 - encoder.rnn.rnn_stacks.1.fw_fc.weight | [4096, 2048] | 8388608 | True -2021-09-20 08:25:55.072 | INFO | deepspeech.utils.layer_tools:print_params:57 - encoder.rnn.rnn_stacks.1.fw_bn.weight | [2048] | 2048 | True -2021-09-20 08:25:55.073 | INFO | deepspeech.utils.layer_tools:print_params:57 - encoder.rnn.rnn_stacks.1.fw_bn.bias | [2048] | 2048 | True -2021-09-20 08:25:55.073 | INFO | deepspeech.utils.layer_tools:print_params:57 - encoder.rnn.rnn_stacks.1.fw_bn._mean | [2048] | 2048 | False -2021-09-20 08:25:55.073 | INFO | deepspeech.utils.layer_tools:print_params:57 - encoder.rnn.rnn_stacks.1.fw_bn._variance | [2048] | 2048 | False -2021-09-20 08:25:55.074 | INFO | deepspeech.utils.layer_tools:print_params:57 - encoder.rnn.rnn_stacks.1.fw_cell.weight_hh | [2048, 2048] | 4194304 | True -2021-09-20 08:25:55.074 | INFO | deepspeech.utils.layer_tools:print_params:57 - encoder.rnn.rnn_stacks.1.fw_cell.bias_hh | [2048] | 2048 | True -2021-09-20 08:25:55.074 | INFO | deepspeech.utils.layer_tools:print_params:57 - encoder.rnn.rnn_stacks.1.bw_cell.weight_hh | [2048, 2048] | 4194304 | True -2021-09-20 08:25:55.074 | INFO | deepspeech.utils.layer_tools:print_params:57 - encoder.rnn.rnn_stacks.1.bw_cell.bias_hh | [2048] | 2048 | True -2021-09-20 08:25:55.075 | INFO | deepspeech.utils.layer_tools:print_params:57 - encoder.rnn.rnn_stacks.2.fw_fc.weight | [4096, 2048] | 8388608 | True -2021-09-20 08:25:55.075 | INFO | deepspeech.utils.layer_tools:print_params:57 - encoder.rnn.rnn_stacks.2.fw_bn.weight | [2048] | 2048 | True -2021-09-20 08:25:55.075 | INFO | deepspeech.utils.layer_tools:print_params:57 - encoder.rnn.rnn_stacks.2.fw_bn.bias | [2048] | 2048 | True -2021-09-20 08:25:55.076 | INFO | deepspeech.utils.layer_tools:print_params:57 - encoder.rnn.rnn_stacks.2.fw_bn._mean | [2048] | 2048 | False -2021-09-20 08:25:55.076 | INFO | deepspeech.utils.layer_tools:print_params:57 - encoder.rnn.rnn_stacks.2.fw_bn._variance | [2048] | 2048 | False -2021-09-20 08:25:55.076 | INFO | deepspeech.utils.layer_tools:print_params:57 - encoder.rnn.rnn_stacks.2.fw_cell.weight_hh | [2048, 2048] | 4194304 | True -2021-09-20 08:25:55.076 | INFO | deepspeech.utils.layer_tools:print_params:57 - encoder.rnn.rnn_stacks.2.fw_cell.bias_hh | [2048] | 2048 | True -2021-09-20 08:25:55.077 | INFO | deepspeech.utils.layer_tools:print_params:57 - encoder.rnn.rnn_stacks.2.bw_cell.weight_hh | [2048, 2048] | 4194304 | True -2021-09-20 08:25:55.077 | INFO | deepspeech.utils.layer_tools:print_params:57 - encoder.rnn.rnn_stacks.2.bw_cell.bias_hh | [2048] | 2048 | True -2021-09-20 08:25:55.077 | INFO | deepspeech.utils.layer_tools:print_params:57 - decoder.ctc_lo.weight | [4096, 29] | 118784 | True -2021-09-20 08:25:55.078 | INFO | deepspeech.utils.layer_tools:print_params:57 - decoder.ctc_lo.bias | [29] | 29 | True -2021-09-20 08:25:55.078 | INFO | deepspeech.utils.layer_tools:print_params:60 - Total parameters: 39.0, 42.95M elements. -2021-09-20 08:25:55.079 | INFO | deepspeech2x.model:setup_model:184 - Setup model/optimizer/lr_scheduler! -2021-09-20 08:25:55.103 | INFO | deepspeech.modules.loss:__init__:36 - CTCLoss Loss reduction: sum, div-bs: True -2021-09-20 08:25:55.104 | INFO | deepspeech.modules.loss:__init__:45 - CTCLoss Grad Norm Type: instance -/home/huangyuxin/workspace/my_DeepSpeech/DeepSpeech/tools/venv/lib/python3.7/site-packages/paddle/framework/io.py:412: DeprecationWarning: Using or importing the ABCs from 'collections' instead of from 'collections.abc' is deprecated, and in 3.8 it will stop working - if isinstance(obj, collections.Iterable) and not isinstance(obj, ( -2021-09-20 08:25:55.644 | INFO | deepspeech.utils.checkpoint:load_parameters:117 - Rank 0: Restore model from exp/deepspeech2/checkpoints/librispeech_v1.8.pdparams -2021-09-20 08:25:55.648 | INFO | deepspeech2x.models.ds2.deepspeech2:from_pretrained:243 - checkpoint info: {} -encoder.conv.conv_in.conv.weight | [32, 1, 41, 11] | 14432 -encoder.conv.conv_in.bn.weight | [32] | 32 -encoder.conv.conv_in.bn.bias | [32] | 32 -encoder.conv.conv_in.bn._mean | [32] | 32 -encoder.conv.conv_in.bn._variance | [32] | 32 -encoder.conv.conv_stack.0.conv.weight | [32, 32, 21, 11] | 236544 -encoder.conv.conv_stack.0.bn.weight | [32] | 32 -encoder.conv.conv_stack.0.bn.bias | [32] | 32 -encoder.conv.conv_stack.0.bn._mean | [32] | 32 -encoder.conv.conv_stack.0.bn._variance | [32] | 32 -encoder.rnn.rnn_stacks.0.fw_fc.weight | [1312, 2048] | 2686976 -encoder.rnn.rnn_stacks.0.fw_bn.weight | [2048] | 2048 -encoder.rnn.rnn_stacks.0.fw_bn.bias | [2048] | 2048 -encoder.rnn.rnn_stacks.0.fw_bn._mean | [2048] | 2048 -encoder.rnn.rnn_stacks.0.fw_bn._variance | [2048] | 2048 -encoder.rnn.rnn_stacks.0.bw_fc.weight | [1312, 2048] | 2686976 -encoder.rnn.rnn_stacks.0.bw_bn.weight | [2048] | 2048 -encoder.rnn.rnn_stacks.0.bw_bn.bias | [2048] | 2048 -encoder.rnn.rnn_stacks.0.bw_bn._mean | [2048] | 2048 -encoder.rnn.rnn_stacks.0.bw_bn._variance | [2048] | 2048 -encoder.rnn.rnn_stacks.0.fw_cell.weight_hh | [2048, 2048] | 4194304 -encoder.rnn.rnn_stacks.0.fw_cell.bias_hh | [2048] | 2048 -encoder.rnn.rnn_stacks.0.bw_cell.weight_hh | [2048, 2048] | 4194304 -encoder.rnn.rnn_stacks.0.bw_cell.bias_hh | [2048] | 2048 -encoder.rnn.rnn_stacks.0.fw_rnn.cell.weight_hh | [2048, 2048] | 4194304 -encoder.rnn.rnn_stacks.0.fw_rnn.cell.bias_hh | [2048] | 2048 -encoder.rnn.rnn_stacks.0.bw_rnn.cell.weight_hh | [2048, 2048] | 4194304 -encoder.rnn.rnn_stacks.0.bw_rnn.cell.bias_hh | [2048] | 2048 -encoder.rnn.rnn_stacks.1.fw_fc.weight | [4096, 2048] | 8388608 -encoder.rnn.rnn_stacks.1.fw_bn.weight | [2048] | 2048 -encoder.rnn.rnn_stacks.1.fw_bn.bias | [2048] | 2048 -encoder.rnn.rnn_stacks.1.fw_bn._mean | [2048] | 2048 -encoder.rnn.rnn_stacks.1.fw_bn._variance | [2048] | 2048 -encoder.rnn.rnn_stacks.1.bw_fc.weight | [4096, 2048] | 8388608 -encoder.rnn.rnn_stacks.1.bw_bn.weight | [2048] | 2048 -encoder.rnn.rnn_stacks.1.bw_bn.bias | [2048] | 2048 -encoder.rnn.rnn_stacks.1.bw_bn._mean | [2048] | 2048 -encoder.rnn.rnn_stacks.1.bw_bn._variance | [2048] | 2048 -encoder.rnn.rnn_stacks.1.fw_cell.weight_hh | [2048, 2048] | 4194304 -encoder.rnn.rnn_stacks.1.fw_cell.bias_hh | [2048] | 2048 -encoder.rnn.rnn_stacks.1.bw_cell.weight_hh | [2048, 2048] | 4194304 -encoder.rnn.rnn_stacks.1.bw_cell.bias_hh | [2048] | 2048 -encoder.rnn.rnn_stacks.1.fw_rnn.cell.weight_hh | [2048, 2048] | 4194304 -encoder.rnn.rnn_stacks.1.fw_rnn.cell.bias_hh | [2048] | 2048 -encoder.rnn.rnn_stacks.1.bw_rnn.cell.weight_hh | [2048, 2048] | 4194304 -encoder.rnn.rnn_stacks.1.bw_rnn.cell.bias_hh | [2048] | 2048 -encoder.rnn.rnn_stacks.2.fw_fc.weight | [4096, 2048] | 8388608 -encoder.rnn.rnn_stacks.2.fw_bn.weight | [2048] | 2048 -encoder.rnn.rnn_stacks.2.fw_bn.bias | [2048] | 2048 -encoder.rnn.rnn_stacks.2.fw_bn._mean | [2048] | 2048 -encoder.rnn.rnn_stacks.2.fw_bn._variance | [2048] | 2048 -encoder.rnn.rnn_stacks.2.bw_fc.weight | [4096, 2048] | 8388608 -encoder.rnn.rnn_stacks.2.bw_bn.weight | [2048] | 2048 -encoder.rnn.rnn_stacks.2.bw_bn.bias | [2048] | 2048 -encoder.rnn.rnn_stacks.2.bw_bn._mean | [2048] | 2048 -encoder.rnn.rnn_stacks.2.bw_bn._variance | [2048] | 2048 -encoder.rnn.rnn_stacks.2.fw_cell.weight_hh | [2048, 2048] | 4194304 -encoder.rnn.rnn_stacks.2.fw_cell.bias_hh | [2048] | 2048 -encoder.rnn.rnn_stacks.2.bw_cell.weight_hh | [2048, 2048] | 4194304 -encoder.rnn.rnn_stacks.2.bw_cell.bias_hh | [2048] | 2048 -encoder.rnn.rnn_stacks.2.fw_rnn.cell.weight_hh | [2048, 2048] | 4194304 -encoder.rnn.rnn_stacks.2.fw_rnn.cell.bias_hh | [2048] | 2048 -encoder.rnn.rnn_stacks.2.bw_rnn.cell.weight_hh | [2048, 2048] | 4194304 -encoder.rnn.rnn_stacks.2.bw_rnn.cell.bias_hh | [2048] | 2048 -decoder.ctc_lo.weight | [4096, 29] | 118784 -decoder.ctc_lo.bias | [29] | 29 -Total parameters: 66, 85.55M elements. -/home/huangyuxin/workspace/my_DeepSpeech/DeepSpeech/tools/venv/lib/python3.7/site-packages/paddle/fluid/layers/utils.py:77: DeprecationWarning: Using or importing the ABCs from 'collections' instead of from 'collections.abc' is deprecated, and in 3.8 it will stop working - return (isinstance(seq, collections.Sequence) and -2021-09-20 08:25:55.669 | INFO | deepspeech2x.model:export:403 - Export code: def forward(self, audio, audio_len): - """export model function - - Args: - audio (Tensor): [B, T, D] - audio_len (Tensor): [B] - - Returns: - probs: probs after softmax - """ - eouts, eouts_len = paddle.jit.dy2static.convert_call(self.encoder)(audio, - audio_len) - probs = paddle.jit.dy2static.convert_call(self.decoder.softmax)(eouts) - return probs, eouts_len - -/home/huangyuxin/workspace/my_DeepSpeech/DeepSpeech/tools/venv/lib/python3.7/site-packages/paddle/fluid/framework.py:2249: UserWarning: The Attr(force_cpu) of Op(fill_constant) will be deprecated in the future, please use 'device_guard' instead. 'device_guard' has higher priority when they are used at the same time. - "used at the same time." % type) -/home/huangyuxin/workspace/my_DeepSpeech/DeepSpeech/tools/venv/lib/python3.7/site-packages/paddle/fluid/framework.py:744: DeprecationWarning: `np.bool` is a deprecated alias for the builtin `bool`. To silence this warning, use `bool` by itself. Doing this will not modify any behavior and is safe. If you specifically wanted the numpy scalar type, use `np.bool_` here. -Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations - elif dtype == np.bool: -/home/huangyuxin/workspace/my_DeepSpeech/DeepSpeech/tools/venv/lib/python3.7/site-packages/paddle/fluid/layers/math_op_patch.py:341: UserWarning: /tmp/tmpqv4a64hs.py:29 -The behavior of expression A >= B has been unified with greater_equal(X, Y, axis=-1) from Paddle 2.0. If your code works well in the older versions but crashes in this version, try to use greater_equal(X, Y, axis=0) instead of A >= B. This transitional warning will be dropped in the future. - op_type, op_type, EXPRESSION_MAP[method_name])) -/home/huangyuxin/workspace/my_DeepSpeech/DeepSpeech/tools/venv/lib/python3.7/site-packages/paddle/fluid/layers/math_op_patch.py:341: UserWarning: /tmp/tmpibueokfb.py:17 -The behavior of expression A * B has been unified with elementwise_mul(X, Y, axis=-1) from Paddle 2.0. If your code works well in the older versions but crashes in this version, try to use elementwise_mul(X, Y, axis=0) instead of A * B. This transitional warning will be dropped in the future. - op_type, op_type, EXPRESSION_MAP[method_name])) -/home/huangyuxin/workspace/my_DeepSpeech/DeepSpeech/tools/venv/lib/python3.7/site-packages/paddle/fluid/layers/math_op_patch.py:341: UserWarning: /tmp/tmpwzhy718q.py:17 -The behavior of expression A * B has been unified with elementwise_mul(X, Y, axis=-1) from Paddle 2.0. If your code works well in the older versions but crashes in this version, try to use elementwise_mul(X, Y, axis=0) instead of A * B. This transitional warning will be dropped in the future. - op_type, op_type, EXPRESSION_MAP[method_name])) -/home/huangyuxin/workspace/my_DeepSpeech/DeepSpeech/tools/venv/lib/python3.7/site-packages/paddle/fluid/layers/math_op_patch.py:341: UserWarning: /home/huangyuxin/workspace/my_DeepSpeech/DeepSpeech/examples/v18_to_v2x/deepspeech2x/models/ds2/rnn.py:84 -The behavior of expression A + B has been unified with elementwise_add(X, Y, axis=-1) from Paddle 2.0. If your code works well in the older versions but crashes in this version, try to use elementwise_add(X, Y, axis=0) instead of A + B. This transitional warning will be dropped in the future. - op_type, op_type, EXPRESSION_MAP[method_name])) -/home/huangyuxin/workspace/my_DeepSpeech/DeepSpeech/tools/venv/lib/python3.7/site-packages/paddle/fluid/layers/math_op_patch.py:341: UserWarning: /home/huangyuxin/workspace/my_DeepSpeech/DeepSpeech/tools/venv/lib/python3.7/site-packages/paddle/fluid/layers/rnn.py:520 -The behavior of expression A + B has been unified with elementwise_add(X, Y, axis=-1) from Paddle 2.0. If your code works well in the older versions but crashes in this version, try to use elementwise_add(X, Y, axis=0) instead of A + B. This transitional warning will be dropped in the future. - op_type, op_type, EXPRESSION_MAP[method_name])) -using 1 gpus... -Download language model ... -data/lm/common_crawl_00.prune01111.trie.klm already exists, download skipped. -grep: warning: GREP_OPTIONS is deprecated; please use an alias or script -/home/huangyuxin/workspace/my_DeepSpeech/DeepSpeech/tools/venv/lib/python3.7/site-packages/paddle/optimizer/adamw.py:21: DeprecationWarning: Using or importing the ABCs from 'collections' instead of from 'collections.abc' is deprecated, and in 3.8 it will stop working - from collections import Callable -/home/huangyuxin/workspace/my_DeepSpeech/DeepSpeech/tools/venv/lib/python3.7/site-packages/scipy/fftpack/__init__.py:103: DeprecationWarning: The module numpy.dual is deprecated. Instead of using dual, use the functions directly from numpy or scipy. - from numpy.dual import register_func -/home/huangyuxin/workspace/my_DeepSpeech/DeepSpeech/tools/venv/lib/python3.7/site-packages/scipy/special/orthogonal.py:81: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information. -Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations - from numpy import (exp, inf, pi, sqrt, floor, sin, cos, around, int, -/home/huangyuxin/workspace/my_DeepSpeech/DeepSpeech/tools/venv/lib/python3.7/site-packages/scipy/sparse/sputils.py:16: DeprecationWarning: `np.typeDict` is a deprecated alias for `np.sctypeDict`. - supported_dtypes = [np.typeDict[x] for x in supported_dtypes] -/home/huangyuxin/workspace/my_DeepSpeech/DeepSpeech/tools/venv/lib/python3.7/site-packages/swig_decoders-1.1-py3.7-linux-x86_64.egg/swig_decoders.py:15: DeprecationWarning: the imp module is deprecated in favour of importlib; see the module's documentation for alternative uses - import imp -2021-09-20 08:26:30.002 | WARNING | deepspeech2x::199 - override size of paddle.Tensor (`to_static` do not process `size` property, maybe some `paddle` api dependent on it), remove this when fixed! -2021-09-20 08:26:30.004 | WARNING | deepspeech2x::369 - register user GLU to paddle.nn, remove this when fixed! ------------ test_export.py Configuration Arguments ----------- -checkpoint_path: None -config: conf/deepspeech2.yaml -device: gpu -dump_config: None -export_path: exp/deepspeech2/checkpoints/librispeech_v1.8.jit -model_type: offline -nprocs: 1 -opts: [] -output: None -result_file: exp/deepspeech2/checkpoints/librispeech_v1.8.jit.rsl -seed: None ------------------------------------------------------------ -model_type:offline -collator: - augmentation_config: conf/augmentation.json - batch_size: 64 - delta_delta: False - dither: 1.0 - feat_dim: None - keep_transcription_text: False - max_freq: None - mean_std_filepath: data/mean_std.npz - n_fft: None - num_workers: 2 - random_seed: 0 - shuffle_method: batch_shuffle - sortagrad: True - specgram_type: linear - spm_model_prefix: None - stride_ms: 10.0 - target_dB: -20 - target_sample_rate: 16000 - unit_type: char - use_dB_normalization: True - vocab_filepath: data/vocab.txt - window_ms: 20.0 -data: - dev_manifest: data/manifest.dev - manifest: - max_input_len: 1000.0 - max_output_input_ratio: inf - max_output_len: inf - min_input_len: 0.0 - min_output_input_ratio: 0.0 - min_output_len: 0.0 - test_manifest: data/manifest.test-clean - train_manifest: data/manifest.train -decoding: - alpha: 2.5 - batch_size: 64 - beam_size: 500 - beta: 0.3 - cutoff_prob: 1.0 - cutoff_top_n: 40 - decoding_method: ctc_beam_search - error_rate_type: wer - lang_model_path: data/lm/common_crawl_00.prune01111.trie.klm - num_proc_bsearch: 8 -model: - blank_id: 28 - ctc_grad_norm_type: instance - num_conv_layers: 2 - num_rnn_layers: 3 - rnn_layer_size: 2048 - share_rnn_weights: True - use_gru: False -training: - accum_grad: 1 - checkpoint: - kbest_n: 50 - latest_n: 5 - global_grad_clip: 3.0 - log_interval: 100 - lr: 0.002 - lr_decay: 0.83 - n_epoch: 80 - weight_decay: 1e-06 -2021-09-20 08:26:30.068 | INFO | deepspeech2x.model:setup_dataloader:251 - Setup train/valid/test Dataloader! -W0920 08:26:30.070820 45324 device_context.cc:447] Please NOTE: device: 0, GPU Compute Capability: 7.0, Driver API Version: 10.2, Runtime API Version: 10.1 -W0920 08:26:30.076601 45324 device_context.cc:465] device: 0, cuDNN Version: 7.6. -2021-09-20 08:26:34.227 | INFO | deepspeech.modules.loss:__init__:36 - CTCLoss Loss reduction: sum, div-bs: True -Epoch 0: ExponentialDecay set learning rate to 0.002. -2021-09-20 08:26:34.228 | INFO | deepspeech.modules.loss:__init__:45 - CTCLoss Grad Norm Type: instance -W0920 08:26:34.242245 45324 analysis_predictor.cc:734] The one-time configuration of analysis predictor failed, which may be due to native predictor called first and its configurations taken effect. ---- Running analysis [ir_graph_build_pass] ---- Running analysis [ir_graph_clean_pass] ---- Running analysis [ir_analysis_pass] ---- Running IR pass [is_test_pass] ---- Running IR pass [simplify_with_basic_ops_pass] ---- Running IR pass [conv_affine_channel_fuse_pass] ---- Running IR pass [conv_eltwiseadd_affine_channel_fuse_pass] ---- Running IR pass [conv_bn_fuse_pass] -I0920 08:26:34.409067 45324 fuse_pass_base.cc:57] --- detected 2 subgraphs ---- Running IR pass [conv_eltwiseadd_bn_fuse_pass] ---- Running IR pass [embedding_eltwise_layernorm_fuse_pass] ---- Running IR pass [multihead_matmul_fuse_pass_v2] ---- Running IR pass [squeeze2_matmul_fuse_pass] ---- Running IR pass [reshape2_matmul_fuse_pass] ---- Running IR pass [flatten2_matmul_fuse_pass] ---- Running IR pass [map_matmul_to_mul_pass] ---- Running IR pass [fc_fuse_pass] ---- Running IR pass [fc_elementwise_layernorm_fuse_pass] ---- Running IR pass [conv_elementwise_add_act_fuse_pass] ---- Running IR pass [conv_elementwise_add2_act_fuse_pass] ---- Running IR pass [conv_elementwise_add_fuse_pass] ---- Running IR pass [transpose_flatten_concat_fuse_pass] ---- Running IR pass [runtime_context_cache_pass] ---- Running analysis [ir_params_sync_among_devices_pass] -I0920 08:26:34.424305 45324 ir_params_sync_among_devices_pass.cc:45] Sync params from CPU to GPU ---- Running analysis [adjust_cudnn_workspace_size_pass] ---- Running analysis [inference_op_replace_pass] ---- Running analysis [memory_optimize_pass] -I0920 08:26:34.525029 45324 memory_optimize_pass.cc:214] Cluster name : cast_0.tmp_0 size: 4 -I0920 08:26:34.525063 45324 memory_optimize_pass.cc:214] Cluster name : range_0.tmp_0 size: 8 -I0920 08:26:34.525068 45324 memory_optimize_pass.cc:214] Cluster name : audio_len size: 8 -I0920 08:26:34.525074 45324 memory_optimize_pass.cc:214] Cluster name : elementwise_mul_14 size: 16384 -I0920 08:26:34.525080 45324 memory_optimize_pass.cc:214] Cluster name : linear_12.tmp_0 size: 8192 -I0920 08:26:34.525085 45324 memory_optimize_pass.cc:214] Cluster name : batch_norm_2.tmp_2 size: 8192 -I0920 08:26:34.525090 45324 memory_optimize_pass.cc:214] Cluster name : concat_2.tmp_0 size: 16384 -I0920 08:26:34.525096 45324 memory_optimize_pass.cc:214] Cluster name : batch_norm_3.tmp_1 size: 8192 -I0920 08:26:34.525101 45324 memory_optimize_pass.cc:214] Cluster name : audio size: 644 ---- Running analysis [ir_graph_to_program_pass] -I0920 08:26:34.619072 45324 analysis_predictor.cc:653] ======= optimize end ======= -I0920 08:26:34.625051 45324 naive_executor.cc:98] --- skip [feed], feed -> audio_len -I0920 08:26:34.625097 45324 naive_executor.cc:98] --- skip [feed], feed -> audio -I0920 08:26:34.627656 45324 naive_executor.cc:98] --- skip [elementwise_mul_14], fetch -> fetch -I0920 08:26:34.627689 45324 naive_executor.cc:98] --- skip [concat_2.tmp_0], fetch -> fetch -2021-09-20 08:26:34.228 | INFO | deepspeech2x.model:setup_model:165 - DeepSpeech2Model( - (encoder): CRNNEncoder( - (conv): ConvStack( - (conv_in): ConvBn( - (conv): Conv2D(1, 32, kernel_size=[41, 11], stride=[2, 3], padding=(20, 5), data_format=NCHW) - (bn): BatchNorm2D(num_features=32, momentum=0.9, epsilon=1e-05) - ) - (conv_stack): LayerList( - (0): ConvBn( - (conv): Conv2D(32, 32, kernel_size=[21, 11], stride=[2, 1], padding=(10, 5), data_format=NCHW) - (bn): BatchNorm2D(num_features=32, momentum=0.9, epsilon=1e-05) - ) - ) - ) - (rnn): RNNStack( - (rnn_stacks): LayerList( - (0): BiRNNWithBN( - (fw_fc): Linear(in_features=1312, out_features=2048, dtype=float32) - (fw_bn): BatchNorm1D(num_features=2048, momentum=0.9, epsilon=1e-05, data_format=NLC) - (bw_fc): Linear(in_features=1312, out_features=2048, dtype=float32) - (bw_bn): BatchNorm1D(num_features=2048, momentum=0.9, epsilon=1e-05, data_format=NLC) - (fw_cell): RNNCell() - (bw_cell): RNNCell() - (fw_rnn): RNN( - (cell): RNNCell() - ) - (bw_rnn): RNN( - (cell): RNNCell() - ) - ) - (1): BiRNNWithBN( - (fw_fc): Linear(in_features=4096, out_features=2048, dtype=float32) - (fw_bn): BatchNorm1D(num_features=2048, momentum=0.9, epsilon=1e-05, data_format=NLC) - (bw_fc): Linear(in_features=4096, out_features=2048, dtype=float32) - (bw_bn): BatchNorm1D(num_features=2048, momentum=0.9, epsilon=1e-05, data_format=NLC) - (fw_cell): RNNCell() - (bw_cell): RNNCell() - (fw_rnn): RNN( - (cell): RNNCell() - ) - (bw_rnn): RNN( - (cell): RNNCell() - ) - ) - (2): BiRNNWithBN( - (fw_fc): Linear(in_features=4096, out_features=2048, dtype=float32) - (fw_bn): BatchNorm1D(num_features=2048, momentum=0.9, epsilon=1e-05, data_format=NLC) - (bw_fc): Linear(in_features=4096, out_features=2048, dtype=float32) - (bw_bn): BatchNorm1D(num_features=2048, momentum=0.9, epsilon=1e-05, data_format=NLC) - (fw_cell): RNNCell() - (bw_cell): RNNCell() - (fw_rnn): RNN( - (cell): RNNCell() - ) - (bw_rnn): RNN( - (cell): RNNCell() - ) - ) - ) - ) - ) - (decoder): CTCDecoder( - (ctc_lo): Linear(in_features=4096, out_features=29, dtype=float32) - (criterion): CTCLoss( - (loss): CTCLoss() - ) - ) -) -2021-09-20 08:26:34.229 | INFO | deepspeech.utils.layer_tools:print_params:57 - encoder.conv.conv_in.conv.weight | [32, 1, 41, 11] | 14432 | True -2021-09-20 08:26:34.229 | INFO | deepspeech.utils.layer_tools:print_params:57 - encoder.conv.conv_in.bn.weight | [32] | 32 | True -2021-09-20 08:26:34.230 | INFO | deepspeech.utils.layer_tools:print_params:57 - encoder.conv.conv_in.bn.bias | [32] | 32 | True -2021-09-20 08:26:34.230 | INFO | deepspeech.utils.layer_tools:print_params:57 - encoder.conv.conv_in.bn._mean | [32] | 32 | False -2021-09-20 08:26:34.230 | INFO | deepspeech.utils.layer_tools:print_params:57 - encoder.conv.conv_in.bn._variance | [32] | 32 | False -2021-09-20 08:26:34.230 | INFO | deepspeech.utils.layer_tools:print_params:57 - encoder.conv.conv_stack.0.conv.weight | [32, 32, 21, 11] | 236544 | True -2021-09-20 08:26:34.231 | INFO | deepspeech.utils.layer_tools:print_params:57 - encoder.conv.conv_stack.0.bn.weight | [32] | 32 | True -2021-09-20 08:26:34.231 | INFO | deepspeech.utils.layer_tools:print_params:57 - encoder.conv.conv_stack.0.bn.bias | [32] | 32 | True -2021-09-20 08:26:34.231 | INFO | deepspeech.utils.layer_tools:print_params:57 - encoder.conv.conv_stack.0.bn._mean | [32] | 32 | False -2021-09-20 08:26:34.232 | INFO | deepspeech.utils.layer_tools:print_params:57 - encoder.conv.conv_stack.0.bn._variance | [32] | 32 | False -2021-09-20 08:26:34.232 | INFO | deepspeech.utils.layer_tools:print_params:57 - encoder.rnn.rnn_stacks.0.fw_fc.weight | [1312, 2048] | 2686976 | True -2021-09-20 08:26:34.232 | INFO | deepspeech.utils.layer_tools:print_params:57 - encoder.rnn.rnn_stacks.0.fw_bn.weight | [2048] | 2048 | True -2021-09-20 08:26:34.232 | INFO | deepspeech.utils.layer_tools:print_params:57 - encoder.rnn.rnn_stacks.0.fw_bn.bias | [2048] | 2048 | True -2021-09-20 08:26:34.233 | INFO | deepspeech.utils.layer_tools:print_params:57 - encoder.rnn.rnn_stacks.0.fw_bn._mean | [2048] | 2048 | False -2021-09-20 08:26:34.233 | INFO | deepspeech.utils.layer_tools:print_params:57 - encoder.rnn.rnn_stacks.0.fw_bn._variance | [2048] | 2048 | False -2021-09-20 08:26:34.233 | INFO | deepspeech.utils.layer_tools:print_params:57 - encoder.rnn.rnn_stacks.0.fw_cell.weight_hh | [2048, 2048] | 4194304 | True -2021-09-20 08:26:34.234 | INFO | deepspeech.utils.layer_tools:print_params:57 - encoder.rnn.rnn_stacks.0.fw_cell.bias_hh | [2048] | 2048 | True -2021-09-20 08:26:34.234 | INFO | deepspeech.utils.layer_tools:print_params:57 - encoder.rnn.rnn_stacks.0.bw_cell.weight_hh | [2048, 2048] | 4194304 | True -2021-09-20 08:26:34.234 | INFO | deepspeech.utils.layer_tools:print_params:57 - encoder.rnn.rnn_stacks.0.bw_cell.bias_hh | [2048] | 2048 | True -2021-09-20 08:26:34.234 | INFO | deepspeech.utils.layer_tools:print_params:57 - encoder.rnn.rnn_stacks.1.fw_fc.weight | [4096, 2048] | 8388608 | True -2021-09-20 08:26:34.235 | INFO | deepspeech.utils.layer_tools:print_params:57 - encoder.rnn.rnn_stacks.1.fw_bn.weight | [2048] | 2048 | True -2021-09-20 08:26:34.235 | INFO | deepspeech.utils.layer_tools:print_params:57 - encoder.rnn.rnn_stacks.1.fw_bn.bias | [2048] | 2048 | True -2021-09-20 08:26:34.235 | INFO | deepspeech.utils.layer_tools:print_params:57 - encoder.rnn.rnn_stacks.1.fw_bn._mean | [2048] | 2048 | False -2021-09-20 08:26:34.236 | INFO | deepspeech.utils.layer_tools:print_params:57 - encoder.rnn.rnn_stacks.1.fw_bn._variance | [2048] | 2048 | False -2021-09-20 08:26:34.236 | INFO | deepspeech.utils.layer_tools:print_params:57 - encoder.rnn.rnn_stacks.1.fw_cell.weight_hh | [2048, 2048] | 4194304 | True -2021-09-20 08:26:34.236 | INFO | deepspeech.utils.layer_tools:print_params:57 - encoder.rnn.rnn_stacks.1.fw_cell.bias_hh | [2048] | 2048 | True -2021-09-20 08:26:34.236 | INFO | deepspeech.utils.layer_tools:print_params:57 - encoder.rnn.rnn_stacks.1.bw_cell.weight_hh | [2048, 2048] | 4194304 | True -2021-09-20 08:26:34.237 | INFO | deepspeech.utils.layer_tools:print_params:57 - encoder.rnn.rnn_stacks.1.bw_cell.bias_hh | [2048] | 2048 | True -2021-09-20 08:26:34.237 | INFO | deepspeech.utils.layer_tools:print_params:57 - encoder.rnn.rnn_stacks.2.fw_fc.weight | [4096, 2048] | 8388608 | True -2021-09-20 08:26:34.237 | INFO | deepspeech.utils.layer_tools:print_params:57 - encoder.rnn.rnn_stacks.2.fw_bn.weight | [2048] | 2048 | True -2021-09-20 08:26:34.238 | INFO | deepspeech.utils.layer_tools:print_params:57 - encoder.rnn.rnn_stacks.2.fw_bn.bias | [2048] | 2048 | True -2021-09-20 08:26:34.238 | INFO | deepspeech.utils.layer_tools:print_params:57 - encoder.rnn.rnn_stacks.2.fw_bn._mean | [2048] | 2048 | False -2021-09-20 08:26:34.238 | INFO | deepspeech.utils.layer_tools:print_params:57 - encoder.rnn.rnn_stacks.2.fw_bn._variance | [2048] | 2048 | False -2021-09-20 08:26:34.238 | INFO | deepspeech.utils.layer_tools:print_params:57 - encoder.rnn.rnn_stacks.2.fw_cell.weight_hh | [2048, 2048] | 4194304 | True -2021-09-20 08:26:34.239 | INFO | deepspeech.utils.layer_tools:print_params:57 - encoder.rnn.rnn_stacks.2.fw_cell.bias_hh | [2048] | 2048 | True -2021-09-20 08:26:34.239 | INFO | deepspeech.utils.layer_tools:print_params:57 - encoder.rnn.rnn_stacks.2.bw_cell.weight_hh | [2048, 2048] | 4194304 | True -2021-09-20 08:26:34.239 | INFO | deepspeech.utils.layer_tools:print_params:57 - encoder.rnn.rnn_stacks.2.bw_cell.bias_hh | [2048] | 2048 | True -2021-09-20 08:26:34.240 | INFO | deepspeech.utils.layer_tools:print_params:57 - decoder.ctc_lo.weight | [4096, 29] | 118784 | True -2021-09-20 08:26:34.240 | INFO | deepspeech.utils.layer_tools:print_params:57 - decoder.ctc_lo.bias | [29] | 29 | True -2021-09-20 08:26:34.240 | INFO | deepspeech.utils.layer_tools:print_params:60 - Total parameters: 39.0, 42.95M elements. -2021-09-20 08:26:34.241 | INFO | deepspeech2x.model:setup_model:184 - Setup model/optimizer/lr_scheduler! -2021-09-20 08:26:34.628 | INFO | deepspeech2x.model:test:353 - Test Total Examples: 2620 -2021-09-20 08:26:35.891 | INFO | deepspeech.modules.ctc:_init_ext_scorer:166 - begin to initialize the external scorer for decoding -2021-09-20 08:26:49.446 | INFO | deepspeech.modules.ctc:_init_ext_scorer:176 - language model: is_character_based = 0, max_order = 5, dict_size = 400000 -2021-09-20 08:26:49.768 | INFO | deepspeech.modules.ctc:_init_ext_scorer:177 - end initializing scorer -2021-09-20 08:26:50.317 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: a story -Output Transcription: a story -2021-09-20 08:26:50.318 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:26:50.319 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: direction -Output Transcription: direction -2021-09-20 08:26:50.319 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:26:50.319 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: verse two -Output Transcription: first two -2021-09-20 08:26:50.320 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.500000 -2021-09-20 08:26:50.320 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: oh emil -Output Transcription: oh amil -2021-09-20 08:26:50.320 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.500000 -2021-09-20 08:26:50.320 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: indeed ah -Output Transcription: indeed a -2021-09-20 08:26:50.321 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.500000 -2021-09-20 08:26:50.321 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: farewell madam -Output Transcription: farewell madame -2021-09-20 08:26:50.321 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.500000 -2021-09-20 08:26:50.322 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: poor alice -Output Transcription: poor alice -2021-09-20 08:26:50.322 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:26:50.322 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: there just in front -Output Transcription: there just in front -2021-09-20 08:26:50.323 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:26:50.323 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: hans stirs not -Output Transcription: han stirs not -2021-09-20 08:26:50.323 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.333333 -2021-09-20 08:26:50.324 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: marie sighed -Output Transcription: marie's side -2021-09-20 08:26:50.324 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 1.000000 -2021-09-20 08:26:50.324 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: venice -Output Transcription: venice -2021-09-20 08:26:50.324 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:26:50.325 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: what was that -Output Transcription: what was that -2021-09-20 08:26:50.325 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:26:50.325 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: will you forgive me now -Output Transcription: will you forgive me now -2021-09-20 08:26:50.325 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:26:50.326 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: paul sticks to his theme -Output Transcription: pastes to his theme -2021-09-20 08:26:50.326 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.400000 -2021-09-20 08:26:50.326 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: ay me -Output Transcription: i me -2021-09-20 08:26:50.327 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.500000 -2021-09-20 08:26:50.327 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: there is no fear of that sir -Output Transcription: there's no fear of that sir -2021-09-20 08:26:50.328 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.285714 -2021-09-20 08:26:50.328 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: then she suddenly remarked -Output Transcription: then she suddenly remarked -2021-09-20 08:26:50.328 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:26:50.329 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i must know about you -Output Transcription: i must know about you -2021-09-20 08:26:50.329 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:26:50.329 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i delight in your kitchen -Output Transcription: my delight in your kitchen -2021-09-20 08:26:50.330 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.200000 -2021-09-20 08:26:50.330 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: thank you dorcas dear -Output Transcription: thank you darkest deer -2021-09-20 08:26:50.330 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.500000 -2021-09-20 08:26:50.331 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: explain yourself -Output Transcription: explain yourself -2021-09-20 08:26:50.331 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:26:50.331 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: he knows them both -Output Transcription: he knows them both -2021-09-20 08:26:50.331 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:26:50.332 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: you are positive then -Output Transcription: you are positive then -2021-09-20 08:26:50.332 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:26:50.332 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: it is annoyance then -Output Transcription: it is annoyance then -2021-09-20 08:26:50.332 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:26:50.333 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: it was written in latin -Output Transcription: it was written in latin -2021-09-20 08:26:50.333 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:26:50.334 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: have i told you about my new play -Output Transcription: have i told you about my new play -2021-09-20 08:26:50.334 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:26:50.335 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: where was the use of imagining -Output Transcription: where was the use of imagining -2021-09-20 08:26:50.336 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:26:50.336 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: suppose it's a friend -Output Transcription: suppose is a friend -2021-09-20 08:26:50.336 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.250000 -2021-09-20 08:26:50.338 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: that's the way of the world -Output Transcription: that's the way of the world -2021-09-20 08:26:50.338 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:26:50.338 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: experience proves this -Output Transcription: experience proves this -2021-09-20 08:26:50.339 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:26:50.339 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: we don't know where it will take us -Output Transcription: we don't know where it will take us -2021-09-20 08:26:50.340 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:26:50.341 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: only for a minute or so -Output Transcription: only for a minute or so -2021-09-20 08:26:50.341 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:26:50.341 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i will practice it -Output Transcription: i will practise it -2021-09-20 08:26:50.342 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.250000 -2021-09-20 08:26:50.343 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: but we're going just the same -Output Transcription: but we're going just the same -2021-09-20 08:26:50.343 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:26:50.344 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: phoenician very good -Output Transcription: phoenician very good -2021-09-20 08:26:50.344 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:26:50.345 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i named nine others and said -Output Transcription: i name nine others and said -2021-09-20 08:26:50.346 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.166667 -2021-09-20 08:26:50.346 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: won't you tell douglas -Output Transcription: won't you tell douglas -2021-09-20 08:26:50.346 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:26:50.347 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: no good my dear watson -Output Transcription: no good my dear watson -2021-09-20 08:26:50.347 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:26:50.348 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: at another time harald asked -Output Transcription: at another time harold asked -2021-09-20 08:26:50.349 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.200000 -2021-09-20 08:26:50.349 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: yes said rachel -Output Transcription: yes said rachel -2021-09-20 08:26:50.350 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:26:50.351 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: to morrow is the examination -Output Transcription: tomorrow is the examination -2021-09-20 08:26:50.351 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.400000 -2021-09-20 08:26:50.351 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the lad had checked him then -Output Transcription: the lad had checked him then -2021-09-20 08:26:50.352 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:26:50.353 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: squeak squeak -Output Transcription: squeak squeak -2021-09-20 08:26:50.353 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:26:50.354 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: he was the last to turn to christ -Output Transcription: he was the last to turn to christ -2021-09-20 08:26:50.354 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:26:50.354 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: probably not till the second post -Output Transcription: probably not til the second post -2021-09-20 08:26:50.356 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.166667 -2021-09-20 08:26:50.356 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: alexandra lets you sleep late -Output Transcription: alexander that you sleep late -2021-09-20 08:26:50.357 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.400000 -2021-09-20 08:26:50.358 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: it's a stock company and rich -Output Transcription: it's a stock company in rich -2021-09-20 08:26:50.358 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.166667 -2021-09-20 08:26:50.359 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: robin fitzooth -Output Transcription: robin fitz -2021-09-20 08:26:50.360 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.500000 -2021-09-20 08:26:50.360 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: and one more this morning -Output Transcription: and one more this morning -2021-09-20 08:26:50.360 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:26:50.361 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the room was empty when he entered -Output Transcription: the room was empty when he entered -2021-09-20 08:26:50.361 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:26:50.362 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: he put his shoes on the table -Output Transcription: he put his shoes on the table -2021-09-20 08:26:50.363 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:26:50.363 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i don't want to stand around and look on -Output Transcription: i don't mind to stand around a morgan -2021-09-20 08:26:50.364 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.444444 -2021-09-20 08:26:50.365 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: he could wait no longer -Output Transcription: he could wait no longer -2021-09-20 08:26:50.365 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:26:50.365 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i got in about ten minutes ago -Output Transcription: i got in about ten minutes ago -2021-09-20 08:26:50.366 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:26:50.367 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: oh bartley what am i to do -Output Transcription: how bartling what am i to do -2021-09-20 08:26:50.367 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.285714 -2021-09-20 08:26:50.368 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: she doesn't take up with anybody you know -Output Transcription: she doesn't take up with anybody you know -2021-09-20 08:26:50.368 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:26:50.369 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the work had to be condensed -Output Transcription: the work had to be condensed -2021-09-20 08:26:50.370 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:26:50.370 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the story's written -Output Transcription: the stories written -2021-09-20 08:26:50.370 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.333333 -2021-09-20 08:26:50.371 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: why are we to be divided -Output Transcription: why are we to be divided -2021-09-20 08:26:50.371 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:26:50.371 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: alexander did not sit down -Output Transcription: alexander did not sit down -2021-09-20 08:26:50.372 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:26:50.373 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: slang is odious -Output Transcription: slang is odious -2021-09-20 08:26:50.373 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:26:50.374 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i painted the eyes red for anger -Output Transcription: i painted the eyes red for anger -2021-09-20 08:26:50.374 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:26:50.375 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: he is but a boy the men said -Output Transcription: he is but a boy the man said -2021-09-20 08:26:50.376 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.125000 -2021-09-20 08:26:50.377 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i am very glad -Output Transcription: i am very glad -2021-09-20 08:26:50.377 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:26:50.378 | INFO | deepspeech2x.model:test:372 - Error rate [wer] (64/?) = 0.114865 -2021-09-20 08:26:52.485 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: fine glorious -Output Transcription: fine pores -2021-09-20 08:26:52.486 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.500000 -2021-09-20 08:26:52.487 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: eliza parsons shook her head -Output Transcription: eliza parsons shook her head -2021-09-20 08:26:52.487 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:26:52.487 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: all is said without a word -Output Transcription: all is said without a word -2021-09-20 08:26:52.487 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:26:52.488 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the woman seemed thoughtful -Output Transcription: the woman seemed thoughtful -2021-09-20 08:26:52.488 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:26:52.488 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: then the leader parted from the line -Output Transcription: then the leader parted from the line -2021-09-20 08:26:52.488 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:26:52.489 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: you don't seem to realize the position -Output Transcription: you don't seem to realize the position -2021-09-20 08:26:52.489 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:26:52.489 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: what is slang -Output Transcription: what is slang -2021-09-20 08:26:52.489 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:26:52.490 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: bring in the table we are hungry -Output Transcription: bring in the table we are hungry -2021-09-20 08:26:52.490 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:26:52.490 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i'll pay all the costs besides -Output Transcription: i'll pay all the cause besides -2021-09-20 08:26:52.491 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.166667 -2021-09-20 08:26:52.491 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: ain't they the greatest -Output Transcription: ain't they the greatest -2021-09-20 08:26:52.491 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:26:52.492 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: your mother the queen was standing by -Output Transcription: your mother the queen was standing by -2021-09-20 08:26:52.492 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:26:52.492 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: he makes it sort of cozier -Output Transcription: he makes it sort of cozier -2021-09-20 08:26:52.492 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:26:52.493 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: it is a duty said i -Output Transcription: it is a duty said i -2021-09-20 08:26:52.493 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:26:52.493 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: just close the door said holmes -Output Transcription: just closed the door said holmes -2021-09-20 08:26:52.494 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.166667 -2021-09-20 08:26:52.494 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i allude to the goddess -Output Transcription: i allude to the goddess -2021-09-20 08:26:52.494 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:26:52.495 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: now to bed boy -Output Transcription: now to bed boy -2021-09-20 08:26:52.495 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:26:52.495 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: so it is said anders -Output Transcription: so it is said anders -2021-09-20 08:26:52.495 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:26:52.496 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the former boolooroo groaned -Output Transcription: the former bore groaned -2021-09-20 08:26:52.496 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.250000 -2021-09-20 08:26:52.496 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: weren't you happy then at all -Output Transcription: weren't you happy then at all -2021-09-20 08:26:52.496 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:26:52.497 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: but that is kaffar's knife -Output Transcription: but that is cair's life -2021-09-20 08:26:52.497 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.400000 -2021-09-20 08:26:52.498 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: ham to be or not to be -Output Transcription: him to be or not to be -2021-09-20 08:26:52.498 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.142857 -2021-09-20 08:26:52.499 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: and how odd the directions will look -Output Transcription: and how odd the directions will look -2021-09-20 08:26:52.499 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:26:52.500 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: so we harried the coast of norway -Output Transcription: so we hurried the coast of norway -2021-09-20 08:26:52.500 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.142857 -2021-09-20 08:26:52.500 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: anders face grew red -Output Transcription: anders face grew red -2021-09-20 08:26:52.501 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:26:52.501 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: mister jago is an american philip -Output Transcription: is iago as an american philip -2021-09-20 08:26:52.502 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.500000 -2021-09-20 08:26:52.503 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: it will be no disappointment to me -Output Transcription: it'll be no disappointment to me -2021-09-20 08:26:52.504 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.285714 -2021-09-20 08:26:52.505 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: ah very well -Output Transcription: a very well -2021-09-20 08:26:52.505 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.333333 -2021-09-20 08:26:52.505 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the university -Output Transcription: the university -2021-09-20 08:26:52.506 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:26:52.506 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i don't anticipate -Output Transcription: i don't anticipate -2021-09-20 08:26:52.506 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:26:52.508 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: oh well sir what about him -Output Transcription: help well sir what about him -2021-09-20 08:26:52.508 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.166667 -2021-09-20 08:26:52.509 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: no more than the dancing -Output Transcription: no more than the dancing -2021-09-20 08:26:52.509 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:26:52.510 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: he's swiftly punished -Output Transcription: he is swiftly punished -2021-09-20 08:26:52.510 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.666667 -2021-09-20 08:26:52.511 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: if i feel that way i feel that way -Output Transcription: if i feel that way i feel that way -2021-09-20 08:26:52.511 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:26:52.511 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: yes don't you -Output Transcription: yes don't you -2021-09-20 08:26:52.513 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:26:52.513 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: look closely at life -Output Transcription: look closely at life -2021-09-20 08:26:52.513 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:26:52.514 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: you know captain lake -Output Transcription: you know captain lake -2021-09-20 08:26:52.514 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:26:52.515 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: poyser is not at home is he -Output Transcription: poyser is not at home as he -2021-09-20 08:26:52.516 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.142857 -2021-09-20 08:26:52.516 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: stephanos dedalos -Output Transcription: stefano delos -2021-09-20 08:26:52.516 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 1.000000 -2021-09-20 08:26:52.517 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: these he gave to three of my brothers -Output Transcription: these he gave to three of my brothers -2021-09-20 08:26:52.518 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:26:52.518 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: then he turned to me again frowning -Output Transcription: then he turned to me again frowning -2021-09-20 08:26:52.518 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:26:52.519 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: so it is with the lower animals -Output Transcription: so it is with the lower animals -2021-09-20 08:26:52.519 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:26:52.520 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: who touches me am i in bed -Output Transcription: taches me am i in bed -2021-09-20 08:26:52.521 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.285714 -2021-09-20 08:26:52.521 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i suppose that's the wet season too then -Output Transcription: i suppose that's the wet season too then -2021-09-20 08:26:52.522 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:26:52.522 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: he tried to think how it could be -Output Transcription: he tried to think how it could be -2021-09-20 08:26:52.522 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:26:52.523 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: he is the one with the worst record -Output Transcription: he is the one with the worst record -2021-09-20 08:26:52.523 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:26:52.524 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: that invitation decided her -Output Transcription: that invitation decided her -2021-09-20 08:26:52.524 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:26:52.525 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: but i stayed that spring and built me a boat -Output Transcription: but i stayed that spring and built me a boat -2021-09-20 08:26:52.525 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:26:52.526 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: no its not too soon -Output Transcription: no it's not you soon -2021-09-20 08:26:52.527 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.400000 -2021-09-20 08:26:52.528 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: relapses into silence for the rest of the evening -Output Transcription: relapses into sins for the rest of the inning -2021-09-20 08:26:52.529 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.222222 -2021-09-20 08:26:52.530 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: he acts as though he had not expected us -Output Transcription: he acted to he's not expected us -2021-09-20 08:26:52.530 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.555556 -2021-09-20 08:26:52.531 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: enter lord arthur fluffinose -Output Transcription: entered lord arthur poteet -2021-09-20 08:26:52.532 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.500000 -2021-09-20 08:26:52.532 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: will the hurons hear his groans -Output Transcription: will the herons here his groans -2021-09-20 08:26:52.533 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.333333 -2021-09-20 08:26:52.533 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: how did her mother ever let her go -Output Transcription: how did her mother ever let her go -2021-09-20 08:26:52.534 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:26:52.534 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: you are acute -Output Transcription: you are acute -2021-09-20 08:26:52.535 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:26:52.535 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: spinning indeed -Output Transcription: spinning indeed -2021-09-20 08:26:52.536 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:26:52.536 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: to day i shouted -Output Transcription: today i shouted -2021-09-20 08:26:52.537 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.500000 -2021-09-20 08:26:52.537 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: after all we were awfully young -Output Transcription: after all we were awfully long -2021-09-20 08:26:52.538 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.166667 -2021-09-20 08:26:52.539 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: and all the brethren which are with me -Output Transcription: and all the brethren which are with me -2021-09-20 08:26:52.539 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:26:52.540 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: somehow i had grown nervous -Output Transcription: somehow i had grown nervous -2021-09-20 08:26:52.540 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:26:52.540 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the captain shook his head -Output Transcription: the captain shook his head -2021-09-20 08:26:52.541 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:26:52.542 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: so it seems to me -Output Transcription: so it seems to me -2021-09-20 08:26:52.542 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:26:52.543 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: mister ottley's indeed -Output Transcription: mister outlays indeed -2021-09-20 08:26:52.543 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.333333 -2021-09-20 08:26:52.543 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: she has been dead these twenty years -Output Transcription: she has been dead these twenty years -2021-09-20 08:26:52.544 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:26:52.544 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: he only shook his head -Output Transcription: he only shook his head -2021-09-20 08:26:52.544 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:26:52.546 | INFO | deepspeech2x.model:test:372 - Error rate [wer] (128/?) = 0.112135 -2021-09-20 08:26:53.652 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the count shook his head -Output Transcription: the count shook his head -2021-09-20 08:26:53.653 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:26:53.653 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: she gathered up her reins -Output Transcription: she gathered up her reins -2021-09-20 08:26:53.653 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:26:53.654 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: ocean reigned supreme -Output Transcription: ocean reigned supreme -2021-09-20 08:26:53.654 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:26:53.654 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: why should he not be as other men -Output Transcription: why should he not be as other men -2021-09-20 08:26:53.655 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:26:53.655 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i get nothing but misery out of either -Output Transcription: i get nothing but misery out of either -2021-09-20 08:26:53.655 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:26:53.656 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i'm glad she's held her own since -Output Transcription: i'm glad she held her own sense -2021-09-20 08:26:53.656 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.285714 -2021-09-20 08:26:53.657 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i have my own reasons mister marshall -Output Transcription: i have my own reasons mister marshall -2021-09-20 08:26:53.657 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:26:53.657 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the variability of multiple parts -Output Transcription: the variability of multiple parts -2021-09-20 08:26:53.657 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:26:53.658 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: never that sir he had said -Output Transcription: never that sir he had said -2021-09-20 08:26:53.658 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:26:53.659 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: almost instantly he was forced to the top -Output Transcription: almost instantly was forced to the top -2021-09-20 08:26:53.659 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.125000 -2021-09-20 08:26:53.659 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: and love be false -Output Transcription: and love be false -2021-09-20 08:26:53.660 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:26:53.660 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the chair was empty but he knew -Output Transcription: the chair was empty when he knew -2021-09-20 08:26:53.661 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.142857 -2021-09-20 08:26:53.661 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i boldly lighted my cheroot -Output Transcription: i boldly lighted my to root -2021-09-20 08:26:53.662 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.400000 -2021-09-20 08:26:53.662 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i know he had it this very evening -Output Transcription: i know he had it this very evening -2021-09-20 08:26:53.662 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:26:53.663 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: but now nothing could hold me back -Output Transcription: but now nothing could hold me back -2021-09-20 08:26:53.663 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:26:53.663 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: have i told the truth mister gilchrist -Output Transcription: have i told the truth mister gilchrist -2021-09-20 08:26:53.663 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:26:53.664 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: liter roughly one quart -Output Transcription: later roughly one court -2021-09-20 08:26:53.664 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.500000 -2021-09-20 08:26:53.664 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: it was the beauty of it -Output Transcription: it was the beauty of it -2021-09-20 08:26:53.665 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:26:53.665 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: we're leaving on the abraham lincoln -Output Transcription: re leaving on the abraham lincoln -2021-09-20 08:26:53.666 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.166667 -2021-09-20 08:26:53.666 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: if i can get patients -Output Transcription: if i can get patience -2021-09-20 08:26:53.666 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.200000 -2021-09-20 08:26:53.667 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: it spoils one's best work -Output Transcription: it spoils one's best work -2021-09-20 08:26:53.667 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:26:53.667 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: yes rachel i do love you -Output Transcription: yes rachel i do love you -2021-09-20 08:26:53.667 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:26:53.668 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: you know him i think so -Output Transcription: you know him i think so -2021-09-20 08:26:53.668 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:26:53.668 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: mother dear father do you hear me -Output Transcription: mother dear father do you hear me -2021-09-20 08:26:53.668 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:26:53.669 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i didn't preach without direction -Output Transcription: i didn't preach without direction -2021-09-20 08:26:53.669 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:26:53.670 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the problem was solved -Output Transcription: the problem was solved -2021-09-20 08:26:53.670 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:26:53.670 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: he nods his consent -Output Transcription: he gnawed his consent -2021-09-20 08:26:53.671 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.250000 -2021-09-20 08:26:53.671 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: it's tremendously well put on too -Output Transcription: it's tremendously well put on to -2021-09-20 08:26:53.672 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.166667 -2021-09-20 08:26:53.673 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: this is our last feast with you i said -Output Transcription: this is our last feast with you i said -2021-09-20 08:26:53.673 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:26:53.674 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: oh but i'm glad to get this place mowed -Output Transcription: oh but i'm glad to get this place mode -2021-09-20 08:26:53.676 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.111111 -2021-09-20 08:26:53.676 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: we never had so many of them in here before -Output Transcription: we never had so many of them in here before -2021-09-20 08:26:53.677 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:26:53.677 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: there are few changes in the old quarter -Output Transcription: there are a few changes in the old quarter -2021-09-20 08:26:53.678 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.125000 -2021-09-20 08:26:53.679 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the housekeeper led the way and beth followed -Output Transcription: the housekeeper led the way and beth followed -2021-09-20 08:26:53.679 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:26:53.679 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: she pressed his hand gently in gratitude -Output Transcription: she pressed his hand gently in gratitude -2021-09-20 08:26:53.681 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:26:53.682 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: then he comes to the beak of it -Output Transcription: then he comes to the beak of -2021-09-20 08:26:53.682 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.125000 -2021-09-20 08:26:53.683 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: so i did push this fellow -Output Transcription: so i did push this fellow -2021-09-20 08:26:53.683 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:26:53.684 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i want double nine hal lo -Output Transcription: i want double nine hello -2021-09-20 08:26:53.685 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.333333 -2021-09-20 08:26:53.686 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: when i addressed him he answered constrainedly -Output Transcription: when i addressed him he answered constrain ly -2021-09-20 08:26:53.686 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.285714 -2021-09-20 08:26:53.687 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: fathom six feet -Output Transcription: fathom six feet -2021-09-20 08:26:53.688 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:26:53.688 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i was afraid it was nearer home -Output Transcription: i was afraid it was nearer home -2021-09-20 08:26:53.689 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:26:53.689 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: frankly i cannot always say -Output Transcription: frankly i cannot always say -2021-09-20 08:26:53.689 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:26:53.690 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: but there seemed no reason to fear -Output Transcription: but there seemed no reason to fear -2021-09-20 08:26:53.691 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:26:53.691 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: that's what you'd like to be doing is it -Output Transcription: that's what you'd like to be doing is it -2021-09-20 08:26:53.692 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:26:53.692 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: and anyhow there's nothing to understand -Output Transcription: and any how there's nothing to understand -2021-09-20 08:26:53.693 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.333333 -2021-09-20 08:26:53.694 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: bartley bent lower over the fire -Output Transcription: partly bent lowered over the fire -2021-09-20 08:26:53.695 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.333333 -2021-09-20 08:26:53.695 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: she was alone that night -Output Transcription: she was alone that night -2021-09-20 08:26:53.696 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:26:53.696 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the three modes of management -Output Transcription: the three modes of management -2021-09-20 08:26:53.697 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:26:53.698 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i give my consent -Output Transcription: i give my consent -2021-09-20 08:26:53.698 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:26:53.699 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: conseil was my manservant -Output Transcription: conseil was my manservant -2021-09-20 08:26:53.699 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:26:53.700 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: at any rate i say go -Output Transcription: at any rate i say go -2021-09-20 08:26:53.700 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:26:53.701 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i hanna common patience with you -Output Transcription: i had a common patience with you -2021-09-20 08:26:53.701 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.333333 -2021-09-20 08:26:53.702 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: been looking up tooms county -Output Transcription: ten looking up tombs county -2021-09-20 08:26:53.703 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.400000 -2021-09-20 08:26:53.703 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the indian i also thought nothing of -Output Transcription: the indian i also thought nothing of -2021-09-20 08:26:53.703 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:26:53.704 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: but it's worse now it's unbearable -Output Transcription: but it's worse now it's unbearable -2021-09-20 08:26:53.705 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:26:53.705 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i wish i knew myself she cried fiercely -Output Transcription: i wish i knew myself she cried fiercely -2021-09-20 08:26:53.706 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:26:53.707 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: paul came later and is beneath us -Output Transcription: talking later in his beneath us -2021-09-20 08:26:53.707 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.571429 -2021-09-20 08:26:53.708 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: that is comparatively nothing -Output Transcription: that is comparatively nothing -2021-09-20 08:26:53.708 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:26:53.708 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the foul mouthed fellow at the top -Output Transcription: the foul mouthed fellow at the top -2021-09-20 08:26:53.709 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:26:53.710 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: tied to a woman -Output Transcription: tide to a woman -2021-09-20 08:26:53.710 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.250000 -2021-09-20 08:26:53.711 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: cotton she paused -Output Transcription: cotton she paused -2021-09-20 08:26:53.711 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:26:53.712 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: and it ruins a man's disposition -Output Transcription: and it runs a man's disposition -2021-09-20 08:26:53.713 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.166667 -2021-09-20 08:26:53.713 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i can't stand seeing you miserable -Output Transcription: i can't stand seeing you miserable -2021-09-20 08:26:53.714 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:26:53.715 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: it will be such a satisfaction -Output Transcription: it will be such a satisfaction -2021-09-20 08:26:53.715 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:26:53.715 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: o love o troth -Output Transcription: o love o troth -2021-09-20 08:26:53.716 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:26:53.717 | INFO | deepspeech2x.model:test:372 - Error rate [wer] (192/?) = 0.102021 -2021-09-20 08:26:54.992 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: that is very important said holmes -Output Transcription: that is very importance and holmes -2021-09-20 08:26:54.994 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.333333 -2021-09-20 08:26:54.995 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: and would he not be a good gift for our baby -Output Transcription: and would he not be a good gift for baby -2021-09-20 08:26:54.997 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.090909 -2021-09-20 08:26:54.998 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: her eyes wandered to the maid's hands -Output Transcription: her eyes wandered to the maid's hand -2021-09-20 08:26:54.999 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.142857 -2021-09-20 08:26:54.999 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the letter ran as follows -Output Transcription: the letter ran as follows -2021-09-20 08:26:54.999 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:26:54.999 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the call is not to be taken lightly -Output Transcription: the call is not to be taken lightly -2021-09-20 08:26:55.000 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:26:55.000 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: chapter seven on the races of man -Output Transcription: chapter seven on the races of man -2021-09-20 08:26:55.000 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:26:55.000 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i've seen lots of that kind in my day -Output Transcription: i've seen lots of that kind in my day -2021-09-20 08:26:55.001 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:26:55.001 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: my position was too terrible -Output Transcription: my position was too terrible -2021-09-20 08:26:55.001 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:26:55.001 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: my men pounded the table with their fists -Output Transcription: my men pounded the table with their fists -2021-09-20 08:26:55.001 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:26:55.002 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: and then what happens then -Output Transcription: and then what happens the -2021-09-20 08:26:55.004 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.200000 -2021-09-20 08:26:55.004 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: you propose to kidnap me i said -Output Transcription: you propose to kidnap me i said -2021-09-20 08:26:55.004 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:26:55.005 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: during his watch i slept -Output Transcription: during his watch i slept -2021-09-20 08:26:55.005 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:26:55.005 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: rest and be still until i warn you -Output Transcription: rest and be still until i warn you -2021-09-20 08:26:55.005 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:26:55.006 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: and you never used to be cross to me -Output Transcription: and he never used to be cross to me -2021-09-20 08:26:55.007 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.111111 -2021-09-20 08:26:55.007 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: ay and show you some pretty tricks -Output Transcription: i and show you some pretty tricks -2021-09-20 08:26:55.008 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.142857 -2021-09-20 08:26:55.008 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: were i but already on the cart -Output Transcription: were i but already on the cart -2021-09-20 08:26:55.009 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:26:55.009 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: when he finished she said cheerfully -Output Transcription: when he finished she said cheerfully -2021-09-20 08:26:55.009 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:26:55.009 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i say i've been wondering about this business -Output Transcription: i say i've been wondering about this business -2021-09-20 08:26:55.010 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:26:55.010 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: you're foolish why should you do all this -Output Transcription: your foolish why should you do all this -2021-09-20 08:26:55.011 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.125000 -2021-09-20 08:26:55.011 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: then all our good times are over -Output Transcription: then all our good times are over -2021-09-20 08:26:55.012 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:26:55.012 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: sunday august sixteenth -Output Transcription: sunday august sixteen -2021-09-20 08:26:55.012 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.333333 -2021-09-20 08:26:55.013 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: now let's dust the furniture and pictures -Output Transcription: knowles dust the furniture and pictures -2021-09-20 08:26:55.013 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.285714 -2021-09-20 08:26:55.014 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: said lord chelford addressing me -Output Transcription: said lord chelford addressing me -2021-09-20 08:26:55.014 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:26:55.014 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: then he tossed it down and seized the next -Output Transcription: then he tossed it down and seized the next -2021-09-20 08:26:55.014 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:26:55.015 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: chapter one origin -Output Transcription: chapter one origin -2021-09-20 08:26:55.015 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:26:55.015 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: and he deserves a term in state's prison -Output Transcription: and he deserves determined states prison -2021-09-20 08:26:55.016 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.500000 -2021-09-20 08:26:55.017 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: your power is sufficient i said -Output Transcription: your power is sufficient i said -2021-09-20 08:26:55.017 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:26:55.017 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: a little attack of nerves possibly -Output Transcription: a little attack of nerves possibly -2021-09-20 08:26:55.018 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:26:55.019 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: did you look at these papers on the table -Output Transcription: did you look at the papers on the table -2021-09-20 08:26:55.020 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.111111 -2021-09-20 08:26:55.021 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: we suffer stifling pains -Output Transcription: we suffer stifling pains -2021-09-20 08:26:55.022 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:26:55.022 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: at your service sir -Output Transcription: at your service sir -2021-09-20 08:26:55.023 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:26:55.024 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: cries of a nottingham a nottingham -Output Transcription: cries of nottingham in nottingham -2021-09-20 08:26:55.024 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.333333 -2021-09-20 08:26:55.025 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: this evening they all said -Output Transcription: this evening they all said -2021-09-20 08:26:55.025 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:26:55.026 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: but it can't be protested the girl -Output Transcription: but it can't be protested the girl -2021-09-20 08:26:55.027 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:26:55.027 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: don't cry don't cry he whispered -Output Transcription: don't cry don't cry he whispered -2021-09-20 08:26:55.027 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:26:55.029 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: take him out thorkel and let him taste your sword -Output Transcription: take him out take and let him taste your sword -2021-09-20 08:26:55.030 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.100000 -2021-09-20 08:26:55.030 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: he's not a man for country quarters -Output Transcription: he's not a man for country quarters -2021-09-20 08:26:55.032 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:26:55.032 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the greeting of the apostle is refreshing -Output Transcription: the greeting of the apostles refreshing -2021-09-20 08:26:55.033 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.285714 -2021-09-20 08:26:55.034 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: have you been in paris much these late years -Output Transcription: have you been in paris much these late years -2021-09-20 08:26:55.034 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:26:55.034 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: if spoken to she would not speak again -Output Transcription: if spoken to she would not speak again -2021-09-20 08:26:55.035 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:26:55.036 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: he could examine the papers in his own office -Output Transcription: he could examine the papers in his own office -2021-09-20 08:26:55.036 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:26:55.037 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: slang makes one shudder -Output Transcription: slang makes one shudder -2021-09-20 08:26:55.037 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:26:55.038 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: she was so strange and human a creature -Output Transcription: she was so strange and human creature -2021-09-20 08:26:55.039 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.125000 -2021-09-20 08:26:55.040 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: we've tortured each other enough for tonight -Output Transcription: with tortured each other enough for tonight -2021-09-20 08:26:55.040 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.142857 -2021-09-20 08:26:55.041 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: we ate at many men's tables uninvited -Output Transcription: we ate it many men's tables uninvited -2021-09-20 08:26:55.042 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.142857 -2021-09-20 08:26:55.042 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: yes it is suppressed -Output Transcription: yes it is suppressed -2021-09-20 08:26:55.043 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:26:55.044 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: and what through the left hand window -Output Transcription: and what through the left hand window -2021-09-20 08:26:55.044 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:26:55.045 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: thee study medicine -Output Transcription: the study medicine -2021-09-20 08:26:55.045 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.333333 -2021-09-20 08:26:55.046 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: miss lake declined the carriage to night -Output Transcription: miss lake declined the carriage tonight -2021-09-20 08:26:55.048 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.285714 -2021-09-20 08:26:55.048 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: but who is this fellow plucking at your sleeve -Output Transcription: but who's this fellow pluck at steve -2021-09-20 08:26:55.049 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.555556 -2021-09-20 08:26:55.050 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: and yet what a fine gallant lad -Output Transcription: and yet what a fine gallant lad -2021-09-20 08:26:55.050 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:26:55.050 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: there was no man sir -Output Transcription: there was no man sir -2021-09-20 08:26:55.051 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:26:55.051 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: but you know more about that than i do sir -Output Transcription: but you know more about that than i do sir -2021-09-20 08:26:55.051 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:26:55.052 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the scene is absolutely arcadian -Output Transcription: the scene is absolutely arcadian -2021-09-20 08:26:55.052 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:26:55.053 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: comb the wool for the whittaws indeed -Output Transcription: come the wool for the widows indeed -2021-09-20 08:26:55.054 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.285714 -2021-09-20 08:26:55.055 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i'm not electioneering just now -Output Transcription: i'm not electioneering just now -2021-09-20 08:26:55.055 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:26:55.056 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: yes hilda i know that he said simply -Output Transcription: yes held i know that he said simply -2021-09-20 08:26:55.057 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.125000 -2021-09-20 08:26:55.057 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: she found the door but it was locked outside -Output Transcription: she found the door but it was locked outside -2021-09-20 08:26:55.058 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:26:55.059 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: sorry we haven't any reception room in the jail -Output Transcription: sorry we haven't any reception room in the jail -2021-09-20 08:26:55.059 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:26:55.060 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: what already here they said to her -Output Transcription: what already here they said to her -2021-09-20 08:26:55.060 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:26:55.060 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: what do you mean inquired louis -Output Transcription: what do you mean inquired louise -2021-09-20 08:26:55.062 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.166667 -2021-09-20 08:26:55.062 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: quite satisfied said eva -Output Transcription: quite satisfied said eva -2021-09-20 08:26:55.062 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:26:55.064 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: now mister soames at your disposal -Output Transcription: now mister sales at your disposal -2021-09-20 08:26:55.064 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.166667 -2021-09-20 08:26:55.064 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: he never loses sight of the purpose of his epistle -Output Transcription: he never loses sight of the purpose of his epistle -2021-09-20 08:26:55.065 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:26:55.066 | INFO | deepspeech2x.model:test:372 - Error rate [wer] (256/?) = 0.097015 -2021-09-20 08:26:56.445 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: no said the tree -Output Transcription: no said the tree -2021-09-20 08:26:56.446 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:26:56.446 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: it was in fact the best weapon of its day -Output Transcription: it was in fact the best weapon of its day -2021-09-20 08:26:56.447 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:26:56.447 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: hello bertie any good in your mind -Output Transcription: elbert and good in your mind -2021-09-20 08:26:56.448 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.428571 -2021-09-20 08:26:56.448 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: for a person to possess knowledge is not enough -Output Transcription: for a person to possess knowledge is not enough -2021-09-20 08:26:56.449 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:26:56.449 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: mohammed also speaks highly of christ -Output Transcription: mohammed also speaks highly of christ -2021-09-20 08:26:56.449 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:26:56.450 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: surely we can submit with good grace -Output Transcription: surely we can submit with good grace -2021-09-20 08:26:56.450 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:26:56.451 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: what in the world is that queried joyce -Output Transcription: where in the world is a query choice -2021-09-20 08:26:56.451 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.500000 -2021-09-20 08:26:56.452 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: by reason and affection -Output Transcription: by reason and affection -2021-09-20 08:26:56.452 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:26:56.452 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: it was almost the tone of hope everybody will stay -Output Transcription: it was almost the tone of hope everybody will stay -2021-09-20 08:26:56.453 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:26:56.453 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: it's almost beyond conjecture -Output Transcription: it's almost beyond conjecture -2021-09-20 08:26:56.453 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:26:56.453 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i asked for commander farragut -Output Transcription: i asked her commander fargo -2021-09-20 08:26:56.454 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.400000 -2021-09-20 08:26:56.454 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: asked the voice in scornful accents -Output Transcription: asked the voice in scornful accents -2021-09-20 08:26:56.454 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:26:56.455 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the history of the house is plain now -Output Transcription: the history of the house is plain now -2021-09-20 08:26:56.455 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:26:56.456 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: above were three students one on each story -Output Transcription: above or three students one on each story -2021-09-20 08:26:56.456 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.125000 -2021-09-20 08:26:56.457 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: she is wild to know how to do things -Output Transcription: she is wild to know how to do things -2021-09-20 08:26:56.457 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:26:56.457 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: he clasped his hands on the desk and said -Output Transcription: he clasped his hands on the desk and said -2021-09-20 08:26:56.457 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:26:56.458 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: oh i've no doubt it's in capital order -Output Transcription: oh i've no doubt it's in capital order -2021-09-20 08:26:56.458 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:26:56.458 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the waves rise above our heads -Output Transcription: the waves rise above our heads -2021-09-20 08:26:56.458 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:26:56.459 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: not all the galatians had become perverted -Output Transcription: not all the elections had become perverted -2021-09-20 08:26:56.460 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.142857 -2021-09-20 08:26:56.460 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: miss milner's health is not good -Output Transcription: miss milner's health is not good -2021-09-20 08:26:56.460 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:26:56.461 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: to their sorrow they were soon undeceived -Output Transcription: to their sorrow they were soon and deceived -2021-09-20 08:26:56.461 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.285714 -2021-09-20 08:26:56.462 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: beware of making that mistake -Output Transcription: beware of making that mistake -2021-09-20 08:26:56.462 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:26:56.463 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i wonder if i've been changed in the night -Output Transcription: i wonder i've been changed in the night -2021-09-20 08:26:56.463 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.111111 -2021-09-20 08:26:56.464 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: this decision was communicated to the girls -Output Transcription: this decision was communicated to the girls -2021-09-20 08:26:56.464 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:26:56.464 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: make acquaintance with mister jago sit together -Output Transcription: make acquaintance with miss iago sit together -2021-09-20 08:26:56.465 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.285714 -2021-09-20 08:26:56.466 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: but i mean to have my innings before long -Output Transcription: but i mean to have my innings before long -2021-09-20 08:26:56.466 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:26:56.467 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: it was myself i was defying hilda -Output Transcription: it was myself i was defying helder -2021-09-20 08:26:56.469 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.142857 -2021-09-20 08:26:56.469 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: and then there was broad street -Output Transcription: and then there was broad street -2021-09-20 08:26:56.470 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:26:56.471 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: may we see gates at once asked kenneth -Output Transcription: maybe see gates at once asked kenneth -2021-09-20 08:26:56.471 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.250000 -2021-09-20 08:26:56.472 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: why should one halt on the way -Output Transcription: why should one hold on the way -2021-09-20 08:26:56.473 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.142857 -2021-09-20 08:26:56.474 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: a route slightly less direct that's all -Output Transcription: a rate slightly less direct that's all -2021-09-20 08:26:56.475 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.142857 -2021-09-20 08:26:56.477 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the top floor belongs to miles mc laren -Output Transcription: the top floor belongs to miles mcclaren -2021-09-20 08:26:56.477 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.250000 -2021-09-20 08:26:56.478 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: how jolly it was being young hilda -Output Transcription: how jolly it was being young hilda -2021-09-20 08:26:56.479 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:26:56.480 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i think we did she answered demurely -Output Transcription: i think we did she answered to merely -2021-09-20 08:26:56.480 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.285714 -2021-09-20 08:26:56.482 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: no my little son she said -Output Transcription: no my little fun she said -2021-09-20 08:26:56.483 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.166667 -2021-09-20 08:26:56.483 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i was absent rather more than an hour -Output Transcription: i was absent rather more than an hour -2021-09-20 08:26:56.484 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:26:56.484 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: all the furniture belonged to other times -Output Transcription: all the furniture belonged to other times -2021-09-20 08:26:56.484 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:26:56.485 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: we have a commander who's game for anything -Output Transcription: we have a commander whose game for anything -2021-09-20 08:26:56.486 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.125000 -2021-09-20 08:26:56.486 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i never had any family -Output Transcription: i never had any family -2021-09-20 08:26:56.487 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:26:56.487 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: it won't be much but i'm grateful to find a friend -Output Transcription: it won't be much but i'm grateful to find a friend -2021-09-20 08:26:56.488 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:26:56.489 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: why fades the lotus of the water -Output Transcription: why fades the lotus of the water -2021-09-20 08:26:56.489 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:26:56.489 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: he hung fire again a woman's -Output Transcription: he hung fire again a woman's -2021-09-20 08:26:56.490 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:26:56.490 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: she was here just now said the count -Output Transcription: she was here just now said the count -2021-09-20 08:26:56.491 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:26:56.492 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: they of course must all be altered -Output Transcription: they of course must all be author -2021-09-20 08:26:56.493 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.142857 -2021-09-20 08:26:56.494 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the thralls were bringing in a great pot of meat -Output Transcription: the thralls were ringing in a great pot of meat -2021-09-20 08:26:56.495 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.100000 -2021-09-20 08:26:56.496 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: for once in a way i proved a true prophet -Output Transcription: for once a way i proved a true profit -2021-09-20 08:26:56.497 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.200000 -2021-09-20 08:26:56.498 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: have you not met them anywhere -Output Transcription: have you not met them anywhere -2021-09-20 08:26:56.498 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:26:56.499 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: cried the ladies whose departure had been fixed -Output Transcription: cried the ladies whose departure had been fixed -2021-09-20 08:26:56.500 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:26:56.500 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: that time it pointed us into your father's ships -Output Transcription: that time it points into your father's ships -2021-09-20 08:26:56.501 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.222222 -2021-09-20 08:26:56.502 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: it will not be safe for you to stay here now -Output Transcription: it will not be safe for you to stay here now -2021-09-20 08:26:56.502 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:26:56.503 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: but his mother hugged him close -Output Transcription: but his mother hugged him close -2021-09-20 08:26:56.503 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:26:56.504 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: if mister soames saw them the game was up -Output Transcription: if mister holmes saw them the game was up -2021-09-20 08:26:56.505 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.111111 -2021-09-20 08:26:56.507 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: and she was very fond of you too aunt rachel -Output Transcription: and she was very fond of you too aunt rachel -2021-09-20 08:26:56.507 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:26:56.507 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i want to be doing something on my own account -Output Transcription: i want to be doing something on my own account -2021-09-20 08:26:56.508 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:26:56.508 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: he had his hand upon lake's shoulder -Output Transcription: he had his hand upon lakes shoulder -2021-09-20 08:26:56.509 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.142857 -2021-09-20 08:26:56.510 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: how came you to leave the key in the door -Output Transcription: how came you to leave the key in the door -2021-09-20 08:26:56.511 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:26:56.512 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: montfichet called out for robin to give him an arm -Output Transcription: montrachet called out for robin to give him an arm -2021-09-20 08:26:56.513 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.100000 -2021-09-20 08:26:56.514 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: ah the swamp the cruel swamp -Output Transcription: ah the swamp the cruel swamp -2021-09-20 08:26:56.514 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:26:56.515 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: there is nothing else that looks so jolly -Output Transcription: there's nothing else that looks so jolly -2021-09-20 08:26:56.516 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.250000 -2021-09-20 08:26:56.516 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: yes why not thought anders -Output Transcription: yes why not thought anders -2021-09-20 08:26:56.518 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:26:56.518 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: and these shall follow your thralls in the same way -Output Transcription: and these shall follow your thralls in the same way -2021-09-20 08:26:56.518 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:26:56.520 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: now what have you to say cynthia sprague -Output Transcription: now what have you to say cynthia bragg -2021-09-20 08:26:56.521 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.125000 -2021-09-20 08:26:56.521 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: a broken tip of lead was lying there also -Output Transcription: a broken tip of lead was lying there also -2021-09-20 08:26:56.522 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:26:56.522 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: she's going to put the ironing things away -Output Transcription: she's going to put the ironing things away -2021-09-20 08:26:56.522 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:26:56.524 | INFO | deepspeech2x.model:test:372 - Error rate [wer] (320/?) = 0.092905 -2021-09-20 08:27:00.206 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: so i set guards over every one in that house -Output Transcription: do i set guards over everyone in that house -2021-09-20 08:27:00.208 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.300000 -2021-09-20 08:27:00.208 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: what i say is altogether on your own account -Output Transcription: what i say is altogether on your own account -2021-09-20 08:27:00.209 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:27:00.209 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i never knew your equals for gallowsness -Output Transcription: i never knew your equals for gallows ness -2021-09-20 08:27:00.210 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.285714 -2021-09-20 08:27:00.210 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: mister popham laid down his brush -Output Transcription: mister popham laid down his brush -2021-09-20 08:27:00.211 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:27:00.211 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: lady larkspur starts suddenly and turns towards him -Output Transcription: lady large burster suddenly in transport him -2021-09-20 08:27:00.212 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.625000 -2021-09-20 08:27:00.212 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: was it not enough to say from god the father -Output Transcription: was it not enough to say from god the father -2021-09-20 08:27:00.213 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:27:00.213 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: is it better than anywhere else -Output Transcription: is it better than anywhere else -2021-09-20 08:27:00.213 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:27:00.213 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: she sent me the pages in question before she died -Output Transcription: she sent me the pages in question before she died -2021-09-20 08:27:00.214 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:27:00.214 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: ye may not see his worship now -Output Transcription: ye may not see his worship now -2021-09-20 08:27:00.214 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:27:00.214 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: he had broken into her courtyard -Output Transcription: he had broken into her courtyard -2021-09-20 08:27:00.215 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:27:00.215 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: to the best of my belief they were rolled up -Output Transcription: to the best of my belief they were rolled up -2021-09-20 08:27:00.215 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:27:00.215 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: look at that he held out his hand -Output Transcription: look at that he held out his hand -2021-09-20 08:27:00.215 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:27:00.216 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: he dropped a handful into her lap -Output Transcription: he dropped a handful into her lap -2021-09-20 08:27:00.216 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:27:00.216 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i shall call you esprit -Output Transcription: i shall call you a spree -2021-09-20 08:27:00.217 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.400000 -2021-09-20 08:27:00.218 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: then is the time to introduce a meal on the stage -Output Transcription: then is the time to introduce a melon the stage -2021-09-20 08:27:00.219 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.181818 -2021-09-20 08:27:00.220 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i've been ready to go anywhere for six months -Output Transcription: i'm ready to go anywhere for six months -2021-09-20 08:27:00.220 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.222222 -2021-09-20 08:27:00.221 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: she was tired of other things -Output Transcription: she was tired of other things -2021-09-20 08:27:00.221 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:27:00.221 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: in the meantime i had formed a new idea of her -Output Transcription: in the meantime i had formed a new idea of her -2021-09-20 08:27:00.222 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:27:00.222 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i never see lou's scythe over here -Output Transcription: i never see loose sighed over here -2021-09-20 08:27:00.223 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.285714 -2021-09-20 08:27:00.223 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: how may we obtain remission of our sins -Output Transcription: how may we obtain remission of our sins -2021-09-20 08:27:00.223 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:27:00.224 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i'm afraid i don't know much about the land of oz -Output Transcription: i'm afraid i don't know much about the land of us -2021-09-20 08:27:00.225 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.090909 -2021-09-20 08:27:00.226 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: alexander went over and opened the window for her -Output Transcription: alexander went over and opened the window for her -2021-09-20 08:27:00.226 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:27:00.226 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: you will take me on board count will you not -Output Transcription: you will take me on board count will you not -2021-09-20 08:27:00.226 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:27:00.227 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: may you drink heart's ease from it for many years -Output Transcription: may you drink heart's ease from it for many years -2021-09-20 08:27:00.227 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:27:00.227 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: now the object of this soliloquy is plain -Output Transcription: now the object of this soliloquy is plain -2021-09-20 08:27:00.228 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:27:00.229 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: o life of this our spring -Output Transcription: o life of this our spring -2021-09-20 08:27:00.229 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:27:00.230 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: gloves said the young man -Output Transcription: gloves said the young man -2021-09-20 08:27:00.230 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:27:00.230 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: some others too big cotton county -Output Transcription: some others too big cotton county -2021-09-20 08:27:00.232 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:27:00.232 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: each of us is lashed to some part of the raft -Output Transcription: each of us is lashed to some part of the raft -2021-09-20 08:27:00.232 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:27:00.233 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: now she put her hand on his arm and smiled and said -Output Transcription: now she put her hand on his arm and smiled and said -2021-09-20 08:27:00.234 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:27:00.234 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: but i shall tell only one story -Output Transcription: but i shall tell only one story -2021-09-20 08:27:00.235 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:27:00.236 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: he's been wanting to marry hilda these three years and more -Output Transcription: he's been wanted to marry held of his three years and more -2021-09-20 08:27:00.238 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.363636 -2021-09-20 08:27:00.240 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: he took her roughly in his arms do you know what i mean -Output Transcription: he took a roughly in his arms you know what i mean -2021-09-20 08:27:00.241 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.153846 -2021-09-20 08:27:00.242 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: and god the father who raised him from the dead -Output Transcription: in god the father who raised him from the dead -2021-09-20 08:27:00.244 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.100000 -2021-09-20 08:27:00.244 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: beth uneasy at his silence nudged him -Output Transcription: beth uneasy at his silence nudged him -2021-09-20 08:27:00.244 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:27:00.246 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: sir march sixteenth -Output Transcription: sir march sixteenth -2021-09-20 08:27:00.246 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:27:00.246 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: who began the quarrel was it the mormons -Output Transcription: who began the quarrel was of the mormons -2021-09-20 08:27:00.248 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.125000 -2021-09-20 08:27:00.249 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: thus in chaucer's dream -Output Transcription: thus in chaucer's dream -2021-09-20 08:27:00.249 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:27:00.251 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: silence you knave cried montfichet -Output Transcription: silence you knave cried mountfitchet -2021-09-20 08:27:00.251 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.200000 -2021-09-20 08:27:00.251 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: it is the language of wretchedness -Output Transcription: it is the language of wretchedness -2021-09-20 08:27:00.252 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:27:00.253 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i remember saying have we been together -Output Transcription: i remembered saying have we been together -2021-09-20 08:27:00.253 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.142857 -2021-09-20 08:27:00.255 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: george montfichet will never forget this day -Output Transcription: george mountfitchet will never forget this day -2021-09-20 08:27:00.256 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.142857 -2021-09-20 08:27:00.256 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: captain servadac hastened towards him -Output Transcription: captain serva ac hastened toward him -2021-09-20 08:27:00.257 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.600000 -2021-09-20 08:27:00.258 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: but then the picture was gone as quickly as it came -Output Transcription: but then the picture was gone as quickly as it came -2021-09-20 08:27:00.258 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:27:00.259 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: meter roughly one yard three inches -Output Transcription: meter roughly one yard three inches -2021-09-20 08:27:00.260 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:27:00.261 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: they are all sketches made about the villa d'este you see -Output Transcription: they are all sketches made about the villages i you see -2021-09-20 08:27:00.262 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.181818 -2021-09-20 08:27:00.263 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: in those very terms i even added more -Output Transcription: in those very terms i even had it more -2021-09-20 08:27:00.264 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.250000 -2021-09-20 08:27:00.265 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: we'll deal with them later what -Output Transcription: we'll deal with them later what -2021-09-20 08:27:00.266 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:27:00.266 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: you have been so ill my poor rachel -Output Transcription: you have been so ill my poor rachel -2021-09-20 08:27:00.267 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:27:00.267 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: enter hamlet with his favourite boar hound -Output Transcription: enter hamlet with his favorite forehand -2021-09-20 08:27:00.268 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.428571 -2021-09-20 08:27:00.269 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: no one less than that would have a chance -Output Transcription: no one less than that would have a chance -2021-09-20 08:27:00.269 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:27:00.269 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the world was water veiled in mists -Output Transcription: the world was water veiled in mists -2021-09-20 08:27:00.270 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:27:00.271 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: at noon the violence of the storm redoubles -Output Transcription: at noon the violence of the storm redouble -2021-09-20 08:27:00.272 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.125000 -2021-09-20 08:27:00.273 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: they were so extremely curious -Output Transcription: they were so extremely curious -2021-09-20 08:27:00.273 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:27:00.273 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: he quitted the fire and dropped back into his chair -Output Transcription: he quitted the fire and dropped back into his chair -2021-09-20 08:27:00.275 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:27:00.275 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i thank him and take my leave -Output Transcription: i thank him and take my leave -2021-09-20 08:27:00.275 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:27:00.276 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: nothing more than you know yourself -Output Transcription: nothing more than you know yourself -2021-09-20 08:27:00.277 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:27:00.277 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: when i approached your room i examined the window -Output Transcription: when i approached your room i examine the window -2021-09-20 08:27:00.280 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.111111 -2021-09-20 08:27:00.280 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: perhaps i am mistaken answered she -Output Transcription: perhaps i am mistaken answered she -2021-09-20 08:27:00.280 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:27:00.281 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: it seems the king will not consent to it -Output Transcription: it seems the king will not consent to it -2021-09-20 08:27:00.281 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:27:00.282 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: these means cannot be contaminated -Output Transcription: these means cannot be contaminated -2021-09-20 08:27:00.283 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:27:00.283 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: a golden fortune and a happy life -Output Transcription: a golden fortune and a happy life -2021-09-20 08:27:00.283 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:27:00.285 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: please wait for me marie emil coaxed -Output Transcription: please wait for me marie amiel coax -2021-09-20 08:27:00.285 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.285714 -2021-09-20 08:27:00.286 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: it is unintelligible in the dark -Output Transcription: it is unintelligible in the dark -2021-09-20 08:27:00.287 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:27:00.288 | INFO | deepspeech2x.model:test:372 - Error rate [wer] (384/?) = 0.091907 -2021-09-20 08:27:02.465 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: truly this sea is of infinite width -Output Transcription: truly the sea is of infinite with -2021-09-20 08:27:02.466 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.285714 -2021-09-20 08:27:02.466 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: thank you but i don't like it so well as this -Output Transcription: thank you but i don't like it so well as this -2021-09-20 08:27:02.467 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:27:02.467 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: he pulled up a window as if the air were heavy -Output Transcription: he pulled up a window as if the air were heavy -2021-09-20 08:27:02.467 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:27:02.468 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i want to get away from it all swoons -Output Transcription: i want to get away from it all swoon -2021-09-20 08:27:02.469 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.111111 -2021-09-20 08:27:02.469 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: why are we to be denied each other's society -Output Transcription: why are we to be denied each other's society -2021-09-20 08:27:02.469 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:27:02.470 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: he moved uneasily and his chair creaked -Output Transcription: he moved uneasily in his chair creaked -2021-09-20 08:27:02.471 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.142857 -2021-09-20 08:27:02.471 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: another circumstance was most remarkable -Output Transcription: another circumstance was most remarkable -2021-09-20 08:27:02.471 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:27:02.471 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: she had another weight on her mind this christmas -Output Transcription: she had another weight on her mind this christmas -2021-09-20 08:27:02.472 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:27:02.472 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: is there not a meridian everywhere -Output Transcription: is there not a meridian everywhere -2021-09-20 08:27:02.472 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:27:02.473 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: that is true badauderie -Output Transcription: that is true bad diedre -2021-09-20 08:27:02.473 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.500000 -2021-09-20 08:27:02.474 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: and the death of which i dreamt could not alas -Output Transcription: and the death of which i drank could not alas -2021-09-20 08:27:02.475 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.100000 -2021-09-20 08:27:02.476 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: oh sir don't mention it said missus poyser -Output Transcription: sir don't mention it said miss poyser -2021-09-20 08:27:02.476 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.250000 -2021-09-20 08:27:02.477 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: it must remember be one or the other -Output Transcription: it must remember be one or the other -2021-09-20 08:27:02.477 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:27:02.477 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the world brands this a pernicious doctrine -Output Transcription: the world brands this pernicious doctrine -2021-09-20 08:27:02.478 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.142857 -2021-09-20 08:27:02.478 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: and henry might return to england at any moment -Output Transcription: and henry might return to england at any moment -2021-09-20 08:27:02.478 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:27:02.479 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: but anders cared nothing about that -Output Transcription: but anders cared nothing about that -2021-09-20 08:27:02.479 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:27:02.479 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: of starting i didn't know the way to come -Output Transcription: of starting i didn't know the way to come -2021-09-20 08:27:02.479 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:27:02.480 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: goliath makes another discovery -Output Transcription: goliath makes another discovery -2021-09-20 08:27:02.480 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:27:02.481 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: come come i am getting really tired of your absence -Output Transcription: come come i'm getting really tired of your absence -2021-09-20 08:27:02.482 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.200000 -2021-09-20 08:27:02.483 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: you'll never dig it out of the astor library -Output Transcription: you'll never dig it out of the master library -2021-09-20 08:27:02.484 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.111111 -2021-09-20 08:27:02.484 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: now that too is over -Output Transcription: now that too is over -2021-09-20 08:27:02.484 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:27:02.484 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: might learn something useful down there -Output Transcription: might learn something useful down there -2021-09-20 08:27:02.485 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:27:02.485 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i can perceive love clearly enough -Output Transcription: i can perceive love clearly enough -2021-09-20 08:27:02.485 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:27:02.486 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: there's a whale a whale cried the professor -Output Transcription: there is a whale a well cried the professor -2021-09-20 08:27:02.487 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.375000 -2021-09-20 08:27:02.487 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the roarings become lost in the distance -Output Transcription: the rings become lost in the distance -2021-09-20 08:27:02.489 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.142857 -2021-09-20 08:27:02.490 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: mother i'm going to study medicine -Output Transcription: mother i am going to study medicine -2021-09-20 08:27:02.490 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.333333 -2021-09-20 08:27:02.492 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: dismiss your squire robin and bid me good e e n -Output Transcription: dismiss your squire robin and bid me could even -2021-09-20 08:27:02.493 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.363636 -2021-09-20 08:27:02.494 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: surely you are not thinking of going off there -Output Transcription: surely you are not thinking of going on there -2021-09-20 08:27:02.496 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.111111 -2021-09-20 08:27:02.496 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: how it will shine this evening -Output Transcription: how it will shine this evening -2021-09-20 08:27:02.496 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:27:02.497 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: when do you intend that the john bright shall start -Output Transcription: when do you intend that the john bright shall start -2021-09-20 08:27:02.497 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:27:02.498 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i understand bartley i was wrong -Output Transcription: i understand partly i was wrong -2021-09-20 08:27:02.500 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.166667 -2021-09-20 08:27:02.500 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: it would serve you all right if she walked off with carl -Output Transcription: it would serve you all right if she walked off with carl -2021-09-20 08:27:02.500 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:27:02.501 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: tuesday august eighteenth -Output Transcription: tuesday august eighteen -2021-09-20 08:27:02.502 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.333333 -2021-09-20 08:27:02.502 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: oh i know that's lorne brandon -Output Transcription: oh i know that's born brandon -2021-09-20 08:27:02.503 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.166667 -2021-09-20 08:27:02.504 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: whose name did you sign to the check asked kenneth -Output Transcription: whose name did you sign to the check asked kenneth -2021-09-20 08:27:02.504 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:27:02.505 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the horizon seems extremely distant -Output Transcription: the horizon seems extremely distant -2021-09-20 08:27:02.505 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:27:02.506 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: that will be a queer thing to be sure -Output Transcription: that will be a queer thing to be sure -2021-09-20 08:27:02.507 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:27:02.507 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: are you certain that this is the mediterranean -Output Transcription: are you certain that this is the mediterranean -2021-09-20 08:27:02.507 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:27:02.508 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: here they said is a rascal who has been harrying our coasts -Output Transcription: here they said is a rascal who has been harrying our coasts -2021-09-20 08:27:02.509 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:27:02.509 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: thank you he returned shortly -Output Transcription: thank you he returned shortly -2021-09-20 08:27:02.510 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:27:02.511 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: my men laughed yes a stingy host -Output Transcription: by men laughed yes a stingy host -2021-09-20 08:27:02.511 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.142857 -2021-09-20 08:27:02.513 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: we sunk his ship and men but him we brought to you -Output Transcription: we sunk his ship and men but him we brought to you -2021-09-20 08:27:02.513 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:27:02.513 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i can't see it in that light said the old lawyer -Output Transcription: i can't see it in that light said the old lawyer -2021-09-20 08:27:02.514 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:27:02.514 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: my overwrought nerves yielded at last -Output Transcription: my overwrought nerves yielded at last -2021-09-20 08:27:02.515 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:27:02.516 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: keep away if you wish when have i ever followed you -Output Transcription: keep away if you wish when have i ever followed you -2021-09-20 08:27:02.516 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:27:02.516 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: he had got into her courtyard -Output Transcription: he had got into her courtyard -2021-09-20 08:27:02.518 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:27:02.519 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: why fade these children of the spring -Output Transcription: why fate these children of the spring -2021-09-20 08:27:02.519 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.142857 -2021-09-20 08:27:02.521 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i really don't think he knew much about it mister holmes -Output Transcription: i really don't think he knew much about it mister holmes -2021-09-20 08:27:02.521 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:27:02.522 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: isn't he the greatest for getting into odd corners -Output Transcription: is he the greatest for getting into odd corners -2021-09-20 08:27:02.523 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.111111 -2021-09-20 08:27:02.523 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: thinking of all this i went to sleep -Output Transcription: thinking of all this i went to sleep -2021-09-20 08:27:02.524 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:27:02.525 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: again again -Output Transcription: again again -2021-09-20 08:27:02.525 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:27:02.526 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: better go he had counselled sententiously -Output Transcription: better go he had counsel sententious ly -2021-09-20 08:27:02.528 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.500000 -2021-09-20 08:27:02.528 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the hope and dream of harvest was upon the land -Output Transcription: the hope and dream of harvest was upon the land -2021-09-20 08:27:02.528 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:27:02.529 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: come therefore and let us fling mud at them -Output Transcription: come therefore and let us fling mud at them -2021-09-20 08:27:02.529 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:27:02.530 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: those fellows are all very loyal even mainhall -Output Transcription: those fellows are all very loyal even main hall -2021-09-20 08:27:02.531 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.250000 -2021-09-20 08:27:02.531 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: hedge a fence -Output Transcription: hedge offense -2021-09-20 08:27:02.532 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.666667 -2021-09-20 08:27:02.533 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: he gazed about perplexed astonished -Output Transcription: he gazed about blacks astonished -2021-09-20 08:27:02.534 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.200000 -2021-09-20 08:27:02.534 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: their masters said missus neverbend -Output Transcription: their masters said missus never bend -2021-09-20 08:27:02.535 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.400000 -2021-09-20 08:27:02.536 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: and yesterday things went on just as usual -Output Transcription: and yesterday things went on just as usual -2021-09-20 08:27:02.536 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:27:02.537 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: we used to dispute about politics and religion -Output Transcription: we used to dispute about politics and religion -2021-09-20 08:27:02.538 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:27:02.538 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the flame is the enemy of the wing -Output Transcription: the flame is the enemy of the wing -2021-09-20 08:27:02.539 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:27:02.539 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i shall never get to twenty at that rate -Output Transcription: i shall never get to twenty at that rate -2021-09-20 08:27:02.540 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:27:02.542 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: come we'll have our coffee in the other room and you can smoke -Output Transcription: come we'll have her coffee the other room as you can smoke -2021-09-20 08:27:02.543 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.230769 -2021-09-20 08:27:02.544 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: alexander unclenched the two hands at his sides -Output Transcription: alexander clenched the two hands at his sides -2021-09-20 08:27:02.546 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.125000 -2021-09-20 08:27:02.546 | INFO | deepspeech2x.model:test:372 - Error rate [wer] (448/?) = 0.091309 -2021-09-20 08:27:04.064 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: said missus horton a few minutes after -Output Transcription: said miss wharton a few minutes after -2021-09-20 08:27:04.065 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.285714 -2021-09-20 08:27:04.065 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: yes my dear watson i have solved the mystery -Output Transcription: yes my dear watson i have solved the mystery -2021-09-20 08:27:04.066 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:27:04.066 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: tea please matthews butler impassively -Output Transcription: t please matthews butler impassively -2021-09-20 08:27:04.067 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.200000 -2021-09-20 08:27:04.068 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: he's another who's awfully keen about her let me introduce you -Output Transcription: he's another was awfully keen about her let me introduce you -2021-09-20 08:27:04.069 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.090909 -2021-09-20 08:27:04.070 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: beg me a room of the sheriff child quickly -Output Transcription: bag mea room of the sheriff child quickly -2021-09-20 08:27:04.071 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.333333 -2021-09-20 08:27:04.071 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: yet he will teach you a few tricks when morning is come -Output Transcription: yet he will teach you a few tricks when morning is come -2021-09-20 08:27:04.071 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:27:04.072 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: enquired robin with his suspicions still upon him -Output Transcription: inquired robin with his suspicions still upon him -2021-09-20 08:27:04.073 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.125000 -2021-09-20 08:27:04.073 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: we wish to talk with him answered kenneth talk -Output Transcription: we wish to talk with him answered kenneth talk -2021-09-20 08:27:04.073 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:27:04.073 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: but what is the delicate mission i asked -Output Transcription: but what is the delicate mission i asked -2021-09-20 08:27:04.074 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:27:04.074 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: we moderns however see the absurdity of it -Output Transcription: we moderns however see the absurdity of it -2021-09-20 08:27:04.074 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:27:04.074 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: a voice from beyond the world was calling -Output Transcription: a voice from beyond the world was calling -2021-09-20 08:27:04.075 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:27:04.076 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: who taught you to scrub a floor i should like to know -Output Transcription: who taught you describe a floor i should like to know -2021-09-20 08:27:04.077 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.166667 -2021-09-20 08:27:04.077 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: oh yes said jack and i'm nowhere -Output Transcription: oh yes said jack and i'm nowhere -2021-09-20 08:27:04.077 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:27:04.078 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: it truly is asserted the magician -Output Transcription: it truly is asserted the magician -2021-09-20 08:27:04.078 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:27:04.079 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i don't know all of them but i know lindens are -Output Transcription: i don't know all of them but i know the entire -2021-09-20 08:27:04.080 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.181818 -2021-09-20 08:27:04.081 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i shouldn't wonder if she could laugh about it with me now -Output Transcription: i shouldn't wonder if she could laugh about it with you now -2021-09-20 08:27:04.083 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.083333 -2021-09-20 08:27:04.083 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: hypocrite a horse dealer -Output Transcription: hypocrite a horse dealer -2021-09-20 08:27:04.083 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:27:04.084 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: yes but that's just the beauty of her passion -Output Transcription: yes but that's just the beauty of her passion -2021-09-20 08:27:04.084 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:27:04.084 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the orchard was sparkling and rippling in the sun -Output Transcription: the orchard was sparkling and rippling in the sun -2021-09-20 08:27:04.084 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:27:04.085 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: you will take them from my private treasure -Output Transcription: you will take them from my private treasure -2021-09-20 08:27:04.085 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:27:04.085 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: thus idleness is the mother -Output Transcription: thus idleness is the mother -2021-09-20 08:27:04.085 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:27:04.086 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: its curtains were of thick and faded tapestry -Output Transcription: its curtains were of thick and faded tapestry -2021-09-20 08:27:04.086 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:27:04.086 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: brother mac ardle brother keogh -Output Transcription: brother mccardle brother key of -2021-09-20 08:27:04.087 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.800000 -2021-09-20 08:27:04.087 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: then he looked down the lagoon was dry -Output Transcription: then he looked down the lagoon was dry -2021-09-20 08:27:04.087 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:27:04.087 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i am convinced of what i say said the count -Output Transcription: i am convinced of what i say said the count -2021-09-20 08:27:04.089 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:27:04.089 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: and what sort of evidence is logically possible -Output Transcription: and what sort of evidence is logically possible -2021-09-20 08:27:04.089 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:27:04.090 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i now use them as ornamental statuary in my garden -Output Transcription: i now use them as ornamental statuary in my garden -2021-09-20 08:27:04.091 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:27:04.091 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: they were certainly no nearer the solution of their problem -Output Transcription: they were certainly known near the solution of their problem -2021-09-20 08:27:04.094 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.200000 -2021-09-20 08:27:04.095 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: there is a more or less elaborate system of rank and grades -Output Transcription: there is a more or less elaborate system of ranking grates -2021-09-20 08:27:04.096 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.250000 -2021-09-20 08:27:04.097 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the years of the days of her dying were ten -Output Transcription: the years of the days of her dying were ten -2021-09-20 08:27:04.097 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:27:04.099 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: a robber viking said the king and scowled at me -Output Transcription: a robber viking said the king and he scowled at me -2021-09-20 08:27:04.100 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.100000 -2021-09-20 08:27:04.101 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: it has cost me twice sixty dollars in annoyance -Output Transcription: it has cost me twice sixty dollars in annoyance -2021-09-20 08:27:04.101 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:27:04.101 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: a terrible thought flashed into my mind -Output Transcription: a terrible thought flashed into my mind -2021-09-20 08:27:04.102 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:27:04.102 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the crampness and the poverty are all intended -Output Transcription: the greatness in the poverty are all intended -2021-09-20 08:27:04.104 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.250000 -2021-09-20 08:27:04.104 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: two hours afterwards a terrible shock awoke me -Output Transcription: two hours afterwards a terrible shock awoke me -2021-09-20 08:27:04.105 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:27:04.105 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: do you think so she replied with indifference -Output Transcription: do you think so she replied with indifference -2021-09-20 08:27:04.106 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:27:04.106 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: a further stage is recognition -Output Transcription: a further stage is recognition -2021-09-20 08:27:04.107 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:27:04.108 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i often heard her talk of you in the same sort of way -Output Transcription: i often heard her talk of you and the same sort of way -2021-09-20 08:27:04.110 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.076923 -2021-09-20 08:27:04.111 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: save me masters but you startled me rarely -Output Transcription: save me masters put you startled me rarely -2021-09-20 08:27:04.112 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.125000 -2021-09-20 08:27:04.113 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the raft bears on still to the south east -Output Transcription: the raft bears on still to the southeast -2021-09-20 08:27:04.114 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.222222 -2021-09-20 08:27:04.115 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: but i didn't know you've only to tell me now -Output Transcription: but i didn't know you've only to tell me now -2021-09-20 08:27:04.115 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:27:04.116 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: thirty men one after another raised their horns and said -Output Transcription: thirty men one after another raised their horns and said -2021-09-20 08:27:04.116 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:27:04.117 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the pity that we must come and go -Output Transcription: the pity that we must come and go -2021-09-20 08:27:04.118 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:27:04.118 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: a great saint saint francis xavier -Output Transcription: a great saint saint francis xavier -2021-09-20 08:27:04.118 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:27:04.119 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: gram roughly one twenty eighth of an ounce -Output Transcription: graham roughly one twenty eighth of an ounce -2021-09-20 08:27:04.120 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.125000 -2021-09-20 08:27:04.121 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: with one jump anders got out of his chair -Output Transcription: with one jump enders got out of his chair -2021-09-20 08:27:04.123 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.111111 -2021-09-20 08:27:04.124 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: where thee and thy family are known -Output Transcription: where thee and thy family are now -2021-09-20 08:27:04.124 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.142857 -2021-09-20 08:27:04.125 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: oh that made him so angry -Output Transcription: oh that made him so angry -2021-09-20 08:27:04.125 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:27:04.125 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: said she pointing to the playthings see -Output Transcription: said she pointing to the playthings see -2021-09-20 08:27:04.127 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:27:04.127 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: he was pacing swiftly up and down his room -Output Transcription: he was pacing swiftly up and down his room -2021-09-20 08:27:04.127 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:27:04.128 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: even dialect let that pass -Output Transcription: even dialect let that pass -2021-09-20 08:27:04.128 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:27:04.129 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: yet that task was not so easy as you may suppose -Output Transcription: yet that task was not so easy as you may suppose -2021-09-20 08:27:04.129 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:27:04.130 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: marie's face fell under his brooding gaze -Output Transcription: mary's face fell under his brooding gaze -2021-09-20 08:27:04.131 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.142857 -2021-09-20 08:27:04.132 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the clause seems superfluous on first sight -Output Transcription: the class seems superfluous on first sight -2021-09-20 08:27:04.133 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.142857 -2021-09-20 08:27:04.133 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: you are mate replied the sailor -Output Transcription: you are mate replied the sailor -2021-09-20 08:27:04.134 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:27:04.135 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: stuff it into you his belly counselled him -Output Transcription: stuffed into you his belly counseled him -2021-09-20 08:27:04.135 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.375000 -2021-09-20 08:27:04.137 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: anyhow it's jolly exciting and i can do the dialogue all right -Output Transcription: anyhow it jolly exciting and i can do the dialogue all right -2021-09-20 08:27:04.139 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.083333 -2021-09-20 08:27:04.139 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: mornin girls hope ye feel as well as ye look -Output Transcription: morning girls or evil as well as look -2021-09-20 08:27:04.141 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.500000 -2021-09-20 08:27:04.141 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: but why didn't you tell me when you were here in the summer -Output Transcription: but why didn't you tell me when you were here in the summer -2021-09-20 08:27:04.142 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:27:04.142 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: in despair he hurled himself downward too soon -Output Transcription: in despair he hurled himself downward too soon -2021-09-20 08:27:04.143 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:27:04.143 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the bogus legislature numbered thirty six members -Output Transcription: the bogus legislature numbered thirty six members -2021-09-20 08:27:04.144 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:27:04.146 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: he is supposed to sign all the checks of the concern -Output Transcription: he is supposed to sign all the checks of the concert -2021-09-20 08:27:04.147 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.090909 -2021-09-20 08:27:04.147 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i am afraid there are no signs here said he -Output Transcription: i am afraid there are no signs here said he -2021-09-20 08:27:04.148 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:27:04.149 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: some time you'll tell me please won't you -Output Transcription: sadam you dear me please won't you -2021-09-20 08:27:04.149 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.500000 -2021-09-20 08:27:04.151 | INFO | deepspeech2x.model:test:372 - Error rate [wer] (512/?) = 0.090779 -2021-09-20 08:27:05.790 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: if she could only see phronsie for just one moment -Output Transcription: if she could only see phones ie for just one moment -2021-09-20 08:27:05.792 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.200000 -2021-09-20 08:27:05.792 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: lamb wouldn't care a great deal about many of them i fancy -Output Transcription: lamb wouldn't care a great deal about many of them i fancy -2021-09-20 08:27:05.793 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:27:05.793 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: no sound broke the stillness of the night -Output Transcription: no sound broke the stillness of the night -2021-09-20 08:27:05.794 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:27:05.794 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: did master summon me he said entering -Output Transcription: dead master summon me he said entering -2021-09-20 08:27:05.795 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.142857 -2021-09-20 08:27:05.795 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: you do me a great honour -Output Transcription: you do me a great honour -2021-09-20 08:27:05.796 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:27:05.796 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: it's really too warm in this room to sing don't you feel it -Output Transcription: it's really too warm in this room to sing don't you feel it -2021-09-20 08:27:05.796 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:27:05.797 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: for a long time neither hilda nor bartley spoke -Output Transcription: for a long time neither hide nor bartley spoke -2021-09-20 08:27:05.798 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.111111 -2021-09-20 08:27:05.799 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: they couldn't run nor move they're just pasteboard -Output Transcription: they couldn't run or move they're just pace board -2021-09-20 08:27:05.799 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.375000 -2021-09-20 08:27:05.801 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: your father thought a moment then looked at your mother and smiled -Output Transcription: your father thought a moment and looked at her mother and smiled -2021-09-20 08:27:05.802 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.166667 -2021-09-20 08:27:05.803 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: bracton's a very good fellow i can assure you -Output Transcription: protons a very good fellow i can assure you -2021-09-20 08:27:05.804 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.111111 -2021-09-20 08:27:05.805 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i tell him to give me some coffee if it is good -Output Transcription: i don't give me some coffee if it is good -2021-09-20 08:27:05.806 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.250000 -2021-09-20 08:27:05.807 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: here friend take it and he thrust it into the farmer's hand -Output Transcription: her friend take it and thrust into the farmer's hand -2021-09-20 08:27:05.808 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.250000 -2021-09-20 08:27:05.809 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: onward said a distant voice -Output Transcription: onwer set a distant voice -2021-09-20 08:27:05.809 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.400000 -2021-09-20 08:27:05.809 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the princess inquired no -Output Transcription: the princess inquired no -2021-09-20 08:27:05.810 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:27:05.810 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: a house smells of smoke a ship smells of frolic -Output Transcription: a house smells of smoke a ship smells of frolic -2021-09-20 08:27:05.810 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:27:05.810 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: you will be frank with me i always am -Output Transcription: you will be frank with me i always am -2021-09-20 08:27:05.811 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:27:05.811 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: how you may be wondering are you to begin your masterpiece -Output Transcription: how you may be wondering are you to begin your masterpiece -2021-09-20 08:27:05.811 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:27:05.812 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: come come i called when no one obeyed a fire -Output Transcription: come come i called when no one obeyed a fire -2021-09-20 08:27:05.812 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:27:05.813 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: you can begin by carrying a rod and putting down the figures -Output Transcription: you can begin by carrying a rod and bring down the figures -2021-09-20 08:27:05.815 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.083333 -2021-09-20 08:27:05.815 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: how kind man is after all -Output Transcription: how kind man is after all -2021-09-20 08:27:05.815 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:27:05.815 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: as usual nothing was done in the way of punishment -Output Transcription: as usual nothing was done in the way of punishment -2021-09-20 08:27:05.816 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:27:05.816 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: a great saint saint francis xavier -Output Transcription: a great saint saint francis savior -2021-09-20 08:27:05.817 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.166667 -2021-09-20 08:27:05.818 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: one could hardly hope for any upon so dry a day -Output Transcription: one could hardly hope for any upon so dry day -2021-09-20 08:27:05.819 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.090909 -2021-09-20 08:27:05.819 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: they remain divine regardless of men's opinion -Output Transcription: they remained divine regardless of man's opinion -2021-09-20 08:27:05.820 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.285714 -2021-09-20 08:27:05.820 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: in truth she seemed absolutely hidden behind it -Output Transcription: in truth she seemed absolutely hidden behind it -2021-09-20 08:27:05.820 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:27:05.821 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i think so you have formed a conclusion -Output Transcription: i think so you have formed a conclusion -2021-09-20 08:27:05.821 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:27:05.822 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: larkspur bit me again this morning for the third time -Output Transcription: larkspur bit me again this morning for the third time -2021-09-20 08:27:05.822 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:27:05.823 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: aren't you splashed look at the spider webs all over the grass -Output Transcription: artist splashed look at a spider webs all over the grass -2021-09-20 08:27:05.825 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.250000 -2021-09-20 08:27:05.825 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: at dinner lake was easy and amusing -Output Transcription: at dinner lake was easy and amusing -2021-09-20 08:27:05.826 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:27:05.826 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: it is a very stupid story -Output Transcription: it is a very stupid story -2021-09-20 08:27:05.827 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:27:05.828 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: does thee think thee could stand it six months -Output Transcription: does the think they could stand it six months -2021-09-20 08:27:05.829 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.222222 -2021-09-20 08:27:05.830 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: yes sire and ready dressed for the ballet -Output Transcription: yes sir and ready dressed for the ballet -2021-09-20 08:27:05.831 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.125000 -2021-09-20 08:27:05.832 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: no sir certainly not -Output Transcription: no sir certainly not -2021-09-20 08:27:05.832 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:27:05.832 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: but the essence of luther's lectures is there -Output Transcription: but the essence of luther's lectures is there -2021-09-20 08:27:05.833 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:27:05.835 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: there stand so i said and glare and hiss at my foes -Output Transcription: there stand so i said in glare and his of my foes -2021-09-20 08:27:05.836 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.250000 -2021-09-20 08:27:05.837 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i doubt whether branwell was maintaining himself at this time -Output Transcription: i doubt whether branwell was maintaining himself at this time -2021-09-20 08:27:05.837 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:27:05.838 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: he started at the thought he hurried forth sadly -Output Transcription: he started at the thought he hurried forth sadly -2021-09-20 08:27:05.839 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:27:05.839 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: what is slang properly speaking -Output Transcription: what is slang properly speaking -2021-09-20 08:27:05.839 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:27:05.841 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: it was one of the masterly and charming stories of dumas the elder -Output Transcription: it was one of the masterly and charming stories of dama the elder -2021-09-20 08:27:05.842 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.076923 -2021-09-20 08:27:05.844 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: voltaire picked up something from the ground and looked at it -Output Transcription: old chair picked up something from the ground and looked at it -2021-09-20 08:27:05.846 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.181818 -2021-09-20 08:27:05.846 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: then lord tuppeny well what about auction -Output Transcription: then lord duany well what about auction -2021-09-20 08:27:05.847 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.142857 -2021-09-20 08:27:05.848 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i almost think i can remember feeling a little different -Output Transcription: i almost think i can remember feeling a little different -2021-09-20 08:27:05.848 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:27:05.850 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: now what was the sense of it two innocent babies like that -Output Transcription: now what is the sense of it to innocent babies like that -2021-09-20 08:27:05.852 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.166667 -2021-09-20 08:27:05.852 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: millimeter roughly one twenty fifth of an inch -Output Transcription: millimeter roughly one twenty fifth of an inch -2021-09-20 08:27:05.852 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:27:05.853 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: words was it their colours -Output Transcription: words was it their colors -2021-09-20 08:27:05.854 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.200000 -2021-09-20 08:27:05.856 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: for if he's anywhere on the farm we can send for him in a minute -Output Transcription: for if it's anywhere on the farm we can send for him in a minute -2021-09-20 08:27:05.858 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.066667 -2021-09-20 08:27:05.860 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: she saves her hand too she's at her best in the second act -Output Transcription: she saves her hand to she said her best of the second act -2021-09-20 08:27:05.862 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.307692 -2021-09-20 08:27:05.862 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: do you remember that first walk we took together in paris -Output Transcription: do you remember that first walk we took together in paris -2021-09-20 08:27:05.862 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:27:05.863 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: tis late and i go myself within a short space -Output Transcription: this late and i go myself within a short space -2021-09-20 08:27:05.865 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.100000 -2021-09-20 08:27:05.866 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: presently he crossed the floor of his room with decided step -Output Transcription: presently he crossed the floor of his room with decided step -2021-09-20 08:27:05.866 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:27:05.866 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: do you suppose the miniature was a copy of the same thing -Output Transcription: do you suppose the miniature was a copy of the same thing -2021-09-20 08:27:05.867 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:27:05.868 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: up in the sick room zora lay on the little white bed -Output Transcription: up in the sick room or lay on the little white bed -2021-09-20 08:27:05.870 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.083333 -2021-09-20 08:27:05.872 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: but even the unsuccessful dramatist has his moments -Output Transcription: but even the unsuccessful dramatist has his moments -2021-09-20 08:27:05.872 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:27:05.873 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the most they could claim is that they were sent by others -Output Transcription: the most they could claim is that they were simply others -2021-09-20 08:27:05.874 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.166667 -2021-09-20 08:27:05.875 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i did not then realize the importance of the ministry -Output Transcription: i did not then realize the importance of the ministry -2021-09-20 08:27:05.875 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:27:05.876 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: embrace him and forget about the nature of god -Output Transcription: embrace him and forget about the nature of god -2021-09-20 08:27:05.876 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:27:05.877 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: truly such a horse should be worth much in nottingham fair -Output Transcription: truly such a horse would be worth much and nottingham fair -2021-09-20 08:27:05.878 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.181818 -2021-09-20 08:27:05.879 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: what would become of your gun were i to kidnap you -Output Transcription: what would become with your gun were i to colnago -2021-09-20 08:27:05.881 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.272727 -2021-09-20 08:27:05.882 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: but you believe in some education asked mary taylor -Output Transcription: do you believe in some education asked mary taylor -2021-09-20 08:27:05.883 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.111111 -2021-09-20 08:27:05.884 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: those clouds seem as if they were going to crush the sea -Output Transcription: those clouds seem as if they were going to crush the sea -2021-09-20 08:27:05.884 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:27:05.885 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: soon the whole bridge was trembling and resounding -Output Transcription: soon the whole bridge was trembling and resounding -2021-09-20 08:27:05.885 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:27:05.886 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: image of weakness art thou but a worm -Output Transcription: image of weakness art thou but a worm -2021-09-20 08:27:05.886 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:27:05.887 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: he had the faith in him that moves mountains -Output Transcription: he had the faith in him that moves mountains -2021-09-20 08:27:05.887 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:27:05.888 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: oh i would not venture to say sir -Output Transcription: oh i would not venture to say sir -2021-09-20 08:27:05.888 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:27:05.889 | INFO | deepspeech2x.model:test:372 - Error rate [wer] (576/?) = 0.090665 -2021-09-20 08:27:08.851 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: this was at the march election eighteen fifty five -Output Transcription: this was at the march election eighteen fifty five -2021-09-20 08:27:08.852 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:27:08.854 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: in the stern i curved the tail up almost as high as the head -Output Transcription: in the stern i carved the tail up almost as high as the head -2021-09-20 08:27:08.855 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.071429 -2021-09-20 08:27:08.856 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: this is no sinful pride it is holy pride -Output Transcription: this is no sinful pride in his holy pride -2021-09-20 08:27:08.857 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.222222 -2021-09-20 08:27:08.858 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: one might be with less reason than now -Output Transcription: one might be with less reason than now -2021-09-20 08:27:08.858 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:27:08.858 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: he impressed me as being a perfectly honest man -Output Transcription: he impressed me as being a perfectly honest man -2021-09-20 08:27:08.858 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:27:08.859 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the rest of you off a viking he had three ships -Output Transcription: the rest of you off a viking he had three ships -2021-09-20 08:27:08.859 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:27:08.859 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: and he added something still less complimentary -Output Transcription: and he added something still less complimentary -2021-09-20 08:27:08.859 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:27:08.859 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i did not even take the precaution of smoking up the chimney -Output Transcription: i did not even take the precaution of smoking up the chimney -2021-09-20 08:27:08.860 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:27:08.860 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i am so very tired of being all alone here -Output Transcription: i am so very tired of being all alone here -2021-09-20 08:27:08.860 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:27:08.860 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: pray follow us with mine and my lord sheriff's men -Output Transcription: pray follow us with mine and my lord sheriff's men -2021-09-20 08:27:08.861 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:27:08.862 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: mister soames was somewhat overwhelmed by this flood of information -Output Transcription: mister psalms was somewhat overwhelmed by this flood of information -2021-09-20 08:27:08.863 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.100000 -2021-09-20 08:27:08.863 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: perhaps she too might be there waiting weeping -Output Transcription: perhaps she too might be there waiting weeping -2021-09-20 08:27:08.863 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:27:08.865 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: it was so dark that i could see nothing but a few sparks on the hearth -Output Transcription: he was so dark that i could see nothing but a few sparks on the hearth -2021-09-20 08:27:08.867 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.062500 -2021-09-20 08:27:08.867 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: run back uncas and bring me the size of the singer's foot -Output Transcription: run back uncas and bring me the size of the singer's foot -2021-09-20 08:27:08.868 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:27:08.868 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: however the grace and peace of god will -Output Transcription: however the grace and peace of god will -2021-09-20 08:27:08.868 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:27:08.869 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: in this monotonous life of mine that was a pleasant event -Output Transcription: in this monotonous life in mind that was a pleasant event -2021-09-20 08:27:08.870 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.181818 -2021-09-20 08:27:08.871 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: mainhall liked alexander because he was an engineer -Output Transcription: may hold like alexander because he was an engineer -2021-09-20 08:27:08.872 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.375000 -2021-09-20 08:27:08.873 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the squire helped to thrust them all in and entered swiftly himself -Output Transcription: the squire helped to thrust them all land and entered swiftly himself -2021-09-20 08:27:08.874 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.083333 -2021-09-20 08:27:08.875 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: up and down the water we went to get much wealth and much frolic -Output Transcription: up and down the water we went to get much wealth and much frolic -2021-09-20 08:27:08.875 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:27:08.875 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: concord returned to its place amidst the tents -Output Transcription: concord returned to its place amidst the tents -2021-09-20 08:27:08.875 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:27:08.876 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: we'll be quite comfortable here i told conseil -Output Transcription: will be quite comfortable here i told conseil -2021-09-20 08:27:08.877 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.125000 -2021-09-20 08:27:08.877 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: men should not speculate about the nature of god -Output Transcription: men should not speculate about the nature of god -2021-09-20 08:27:08.877 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:27:08.878 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: they are cousins you know we are all cousins -Output Transcription: their cousins you know we are all cousins -2021-09-20 08:27:08.879 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.222222 -2021-09-20 08:27:08.879 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the examination however resulted in no discovery -Output Transcription: the examination however resulted in no discovery -2021-09-20 08:27:08.879 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:27:08.880 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: said mister irwine with his stately cordiality -Output Transcription: said mister irwin with his stately cordiality -2021-09-20 08:27:08.881 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.142857 -2021-09-20 08:27:08.883 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: there she sat on the rollers as fair a ship as i ever saw -Output Transcription: there she sat on the rollers as fair ship as i ever saw -2021-09-20 08:27:08.884 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.071429 -2021-09-20 08:27:08.884 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: only that one answered the tree -Output Transcription: only that one answered the tree -2021-09-20 08:27:08.885 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:27:08.886 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: missus griffin however expressed the need for a little more light -Output Transcription: missus griffin however expressed the need for a little more light -2021-09-20 08:27:08.886 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:27:08.888 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: missus neverbend you must indeed be proud of your son -Output Transcription: missus never been you must indeed be proud of your son -2021-09-20 08:27:08.889 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.200000 -2021-09-20 08:27:08.889 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: but i have occasionally done the same thing at other times -Output Transcription: but i have occasionally done the same thing at other times -2021-09-20 08:27:08.890 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:27:08.890 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: take your place and let us see what the crystal can show to you -Output Transcription: take your place and let us see what the crystal can show to you -2021-09-20 08:27:08.891 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:27:08.892 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: then you can ask him questions on the catechism dedalus -Output Transcription: then you can ask him questions on the catechism daedalus -2021-09-20 08:27:08.893 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.100000 -2021-09-20 08:27:08.894 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: this should go far in shutting the mouths of the false apostles -Output Transcription: this should go far and shutting the mouth of the false apostles -2021-09-20 08:27:08.896 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.166667 -2021-09-20 08:27:08.898 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i thought it might be sister kate or cousin mike would be happening along -Output Transcription: i thought it might be sister kater cousin mike would be happening along -2021-09-20 08:27:08.899 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.142857 -2021-09-20 08:27:08.901 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: that will be safest no no never -Output Transcription: that will be the safest no no never -2021-09-20 08:27:08.901 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.142857 -2021-09-20 08:27:08.902 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: worse tom worse n ever replied the jailer gloomily -Output Transcription: worst time worse an error replied the jailer gloomily -2021-09-20 08:27:08.904 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.444444 -2021-09-20 08:27:08.904 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: there was a grim smile of amusement on his shrewd face -Output Transcription: there was a grim smile of amusement on his shrewd face -2021-09-20 08:27:08.904 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:27:08.905 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: it is hardly necessary to say more of them here -Output Transcription: it is hardly necessary to say more of them here -2021-09-20 08:27:08.906 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:27:08.907 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: she had almost forgotten that it was here within touch and sight -Output Transcription: she had almost forgotten that it was here within touch in sight -2021-09-20 08:27:08.909 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.083333 -2021-09-20 08:27:08.909 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: sister nell do you hear these marvels -Output Transcription: sister nell do you hear these marvels -2021-09-20 08:27:08.909 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:27:08.911 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: nottingham castle was reached and admittance was demanded -Output Transcription: not a young castle was reached and admittance was demanded -2021-09-20 08:27:08.912 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.375000 -2021-09-20 08:27:08.913 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: she even seemed mildly amused at the attention she attracted -Output Transcription: she even seemed mildly amused at the attention she attracted -2021-09-20 08:27:08.914 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:27:08.915 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: she must care about the theatre a great deal more than she used to -Output Transcription: she must care about the theatre or a great deal more than she used to -2021-09-20 08:27:08.918 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.071429 -2021-09-20 08:27:08.920 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i had a notion it was you mate as saved me from the knife -Output Transcription: i had a notion it was you may desire me from the knife -2021-09-20 08:27:08.922 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.214286 -2021-09-20 08:27:08.922 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: effects of the increased use and disuse of parts -Output Transcription: effects of the increased use and disuse of parts -2021-09-20 08:27:08.923 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:27:08.925 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the wine did certainly bring back the color to the squire's cheeks -Output Transcription: the wind did certainly bring back the colour to the squire's cheeks -2021-09-20 08:27:08.926 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.166667 -2021-09-20 08:27:08.928 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: let us hear the suspicions i will look after the proofs -Output Transcription: let us see the suspicions i will look after the proofs -2021-09-20 08:27:08.929 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.090909 -2021-09-20 08:27:08.930 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: but not more than what's in the bible aunt said dinah -Output Transcription: but not more than was in the bible and said dinah -2021-09-20 08:27:08.932 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.181818 -2021-09-20 08:27:08.932 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: yes yes she hurried pulling her hand gently away from him -Output Transcription: yes yes she hurried pulling her hand gently away from him -2021-09-20 08:27:08.932 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:27:08.934 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: hakon there shall be your constant companion friend farmer -Output Transcription: hawking there shall be your constant companion friend farmer -2021-09-20 08:27:08.935 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.111111 -2021-09-20 08:27:08.936 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: he wanted to begin at the top of the ladder -Output Transcription: he wanted to begin at the top of the latter -2021-09-20 08:27:08.937 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.100000 -2021-09-20 08:27:08.938 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i am going to the court ball answered anders -Output Transcription: i am going to the court ball answered anders -2021-09-20 08:27:08.938 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:27:08.939 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: oh won't she be savage if i've kept her waiting -Output Transcription: oh won't she be savage if i've kept her waiting -2021-09-20 08:27:08.939 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:27:08.940 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: he felt a tremor run through the slender yellow figure in front of him -Output Transcription: he felt a tremor run through the slender yellow figure in front of him -2021-09-20 08:27:08.940 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:27:08.941 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: who denies that of course it does -Output Transcription: who denies that of course it does -2021-09-20 08:27:08.941 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:27:08.942 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: cold is it my darling bless your sweet face -Output Transcription: cold is it my darling bless your sweet face -2021-09-20 08:27:08.942 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:27:08.942 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: your majesty's plan then in this affair is -Output Transcription: your majesty's plan then in this affair is -2021-09-20 08:27:08.943 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:27:08.944 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: give not so earnest a mind to these mummeries child -Output Transcription: give not so earnest mind to these memories child -2021-09-20 08:27:08.945 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.200000 -2021-09-20 08:27:08.946 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: chapter three as master wishes -Output Transcription: chapter three as master wishes -2021-09-20 08:27:08.946 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:27:08.946 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: remain i implore you the evening is most lovely -Output Transcription: remain i implore you the evening is most lovely -2021-09-20 08:27:08.947 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:27:08.947 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: but i do not think such an inference is warranted -Output Transcription: but i do not think such an inference is warranted -2021-09-20 08:27:08.948 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:27:08.949 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: suddenly he heard him at the very door there was no possible escape -Output Transcription: suddenly he heard him at the very door there was no possible escape -2021-09-20 08:27:08.949 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:27:08.950 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the word of our god shall stand forever -Output Transcription: the word of our god shall stand for ever -2021-09-20 08:27:08.951 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.250000 -2021-09-20 08:27:08.951 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: what could i do now but just lay myself down and die -Output Transcription: what could i do now but just lay myself down and die -2021-09-20 08:27:08.952 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:27:08.953 | INFO | deepspeech2x.model:test:372 - Error rate [wer] (640/?) = 0.088211 -2021-09-20 08:27:12.342 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: why a tongue impress'd with honey from every wind -Output Transcription: why a tongue impressed with honey from every wind -2021-09-20 08:27:12.343 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.111111 -2021-09-20 08:27:12.343 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: they were now playing with their dolls in the parlor -Output Transcription: they were now playing with their dolls in the parlor -2021-09-20 08:27:12.344 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:27:12.345 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i am very tired of swimming about here o mouse -Output Transcription: i am very tired of swimming about here o mouse' -2021-09-20 08:27:12.346 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.100000 -2021-09-20 08:27:12.347 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: familiarity is a feeling capable of degrees -Output Transcription: familiarity is a filling capable of degrees -2021-09-20 08:27:12.347 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.142857 -2021-09-20 08:27:12.348 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: pearl was a born outcast of the infantile world -Output Transcription: pearl was born outcast of the infantile world -2021-09-20 08:27:12.349 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.111111 -2021-09-20 08:27:12.350 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i'll do anything you wish me to bartley she said tremulously -Output Transcription: i'll do anything you wish me to partly she said tremulously -2021-09-20 08:27:12.351 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.090909 -2021-09-20 08:27:12.351 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: it is manifest that man is now subject to much variability -Output Transcription: it is manifest that man is now subject to much variability -2021-09-20 08:27:12.352 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:27:12.352 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: they followed the jailer along a succession of passages -Output Transcription: they followed the jailer along the succession of passages -2021-09-20 08:27:12.353 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.111111 -2021-09-20 08:27:12.355 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i get wet to my knees when i go down to pick cherries -Output Transcription: i get wet to my knees when i go down to pictures -2021-09-20 08:27:12.356 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.153846 -2021-09-20 08:27:12.356 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: well she was better though she had had a bad night -Output Transcription: well she was better though she had had a bad night -2021-09-20 08:27:12.356 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:27:12.357 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: but at this point in the rapids it was impossible for him to stay down -Output Transcription: but at this point in the rapids it was impossible for him to stay down -2021-09-20 08:27:12.357 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:27:12.357 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: ojo had never eaten such a fine meal in all his life -Output Transcription: ojo had never eaten such a fine meal in all his life -2021-09-20 08:27:12.357 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:27:12.358 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: when i was a young man i thought paul was making too much of his call -Output Transcription: when i was a young man i thought paul was making too much of his call -2021-09-20 08:27:12.358 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:27:12.359 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: two hundred warriors feasted in his hall and followed him to battle -Output Transcription: two hundred warriors feasted his hall and followed him to battle -2021-09-20 08:27:12.360 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.083333 -2021-09-20 08:27:12.361 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: is she not afraid that i will thwart her inclinations -Output Transcription: is she not afraid that i will thwart her inclinations -2021-09-20 08:27:12.361 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:27:12.361 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: in all the novel had a difficult gestation -Output Transcription: in all the novel had a difficult gestation -2021-09-20 08:27:12.361 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:27:12.362 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: but we're not er exactly welcomed -Output Transcription: but when not in exactly welcome -2021-09-20 08:27:12.362 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.500000 -2021-09-20 08:27:12.364 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: they think you're proud because you've been away to school or something -Output Transcription: they think your proud because you've been away to school or something -2021-09-20 08:27:12.365 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.083333 -2021-09-20 08:27:12.365 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: it's been on only two weeks and i've been half a dozen times already -Output Transcription: it's been on only two weeks and i've been half a dozen times already -2021-09-20 08:27:12.365 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:27:12.366 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: burn fire burn flicker flicker flame -Output Transcription: burn fire burn flicker flicker flame -2021-09-20 08:27:12.366 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:27:12.366 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: only there are two sorts of cloud and fire -Output Transcription: only there are two sorts of cloud and fire -2021-09-20 08:27:12.366 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:27:12.367 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: and you must be ojo the unlucky she added -Output Transcription: and you must be ojo the unlucky she added -2021-09-20 08:27:12.367 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:27:12.367 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: they seem to be we are lost but i am not sure -Output Transcription: they seem to be we are lost but i am not sure -2021-09-20 08:27:12.367 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:27:12.368 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: be not so foolish friend said fitzooth crossly -Output Transcription: be not so foolish friend said it tooth crossly -2021-09-20 08:27:12.369 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.250000 -2021-09-20 08:27:12.369 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i never knew of but one man who could ever please him -Output Transcription: i never knew of but one man who could ever please him -2021-09-20 08:27:12.370 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:27:12.371 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: there is no opening except the one pane said our learned guide -Output Transcription: there is no opening except the one pane said our learned guide -2021-09-20 08:27:12.371 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:27:12.373 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: and then they became vexed and would have snatched your purse from us -Output Transcription: and then they became vexed and would have snatched or purse from us -2021-09-20 08:27:12.375 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.076923 -2021-09-20 08:27:12.375 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: and they are all in for this examination yes -Output Transcription: and they are all in for this examination yes -2021-09-20 08:27:12.378 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:27:12.381 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: in every way they sought to undermine the authority of saint paul -Output Transcription: in every way they sought to undermine the authority of saint paul -2021-09-20 08:27:12.384 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:27:12.386 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: but we are careless we make light of sin -Output Transcription: but we are careless we make light of sin -2021-09-20 08:27:12.388 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:27:12.389 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: next came olive's turn to help in the ceremonies -Output Transcription: next came olives turn to help in the ceremonies -2021-09-20 08:27:12.391 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.111111 -2021-09-20 08:27:12.393 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i do not know i am dazed bewildered -Output Transcription: i do not know i am dazed bewildered -2021-09-20 08:27:12.394 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:27:12.395 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: therefore don't talk to me about views and prospects -Output Transcription: therefore don't talk to me about views and prospects -2021-09-20 08:27:12.396 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:27:12.397 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: alexander leaned forward and warmed his hands before the blaze -Output Transcription: alexander leaned forward and warmed his hands before the blaze -2021-09-20 08:27:12.399 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:27:12.400 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: no thanks i am glad to give you such easy happiness -Output Transcription: no thanks i am glad to give you such easy happiness -2021-09-20 08:27:12.401 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:27:12.402 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: and he leaned against the wall lost in reverie -Output Transcription: and he leaned against the wall lost in reverie -2021-09-20 08:27:12.403 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:27:12.404 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i'll try if i know all the things i used to know -Output Transcription: i'll try if i know all the things i used to know -2021-09-20 08:27:12.405 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:27:12.405 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: by the beard of odin i cried you have taken our joke like a man -Output Transcription: by the beard of odin i cried you have taken our joke like a man -2021-09-20 08:27:12.405 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:27:12.408 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the king seemed only pleased with every one present -Output Transcription: the king seemed only pleased with everyone present -2021-09-20 08:27:12.410 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.222222 -2021-09-20 08:27:12.411 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: one hardly likes to throw suspicion where there are no proofs -Output Transcription: one hardly like to throw suspicion where there are no proofs -2021-09-20 08:27:12.412 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.090909 -2021-09-20 08:27:12.412 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: mister edison was a leader far ahead of the time -Output Transcription: mister edison was a leader far ahead of the time -2021-09-20 08:27:12.412 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:27:12.413 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: we had meters in which there were two bottles of liquid -Output Transcription: we had meters in which there were two bottles of liquid -2021-09-20 08:27:12.413 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:27:12.414 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: he was unable to decide exactly what it should be -Output Transcription: he was unable to decide exactly which be -2021-09-20 08:27:12.414 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.300000 -2021-09-20 08:27:12.415 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: at last he came out of them and wiped his face vigorously -Output Transcription: at last he came out of them and wiped his face vigorously -2021-09-20 08:27:12.415 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:27:12.416 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: but the general distinction is not on that account to be overlooked -Output Transcription: but the general distinction is not met account to be overlooked -2021-09-20 08:27:12.417 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.166667 -2021-09-20 08:27:12.419 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: on a bench in a far corner were a dozen people huddled together -Output Transcription: on a bench in a far corner where a dozen people huddled together -2021-09-20 08:27:12.421 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.076923 -2021-09-20 08:27:12.422 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: or of the habits of our people it is quite impossible -Output Transcription: or of the habits of our people it is quite impossible -2021-09-20 08:27:12.422 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:27:12.422 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the lagoon had been level with the dykes a week ago and now -Output Transcription: the lagoon had been level with the dykes a week ago and now -2021-09-20 08:27:12.423 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:27:12.424 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i suppose it's the wet season will you have to cut them too -Output Transcription: i suppose it's the wet season will you have to cut them to -2021-09-20 08:27:12.425 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.076923 -2021-09-20 08:27:12.426 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: when she finished alexander shook himself out of a reverie -Output Transcription: when she finished alexander shook himself out of a reverie -2021-09-20 08:27:12.426 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:27:12.426 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: but a word further concerning the expedition in general -Output Transcription: but a word further concerning the expedition in general -2021-09-20 08:27:12.427 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:27:12.427 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: their eyes danced big thorleif stood up and stretched himself -Output Transcription: their eyes danced big torley stood up and stretched himself -2021-09-20 08:27:12.428 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.100000 -2021-09-20 08:27:12.429 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: some poems of solon were recited by the boys -Output Transcription: some poems of solemn grew recited by the boys -2021-09-20 08:27:12.430 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.222222 -2021-09-20 08:27:12.430 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: mother cried she i see you here look look -Output Transcription: mother cried she i see you here look look -2021-09-20 08:27:12.431 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:27:12.431 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i say sir harry the little girl's going famously to night isn't she -Output Transcription: i say sir harry the little girl's going famously to night isn't she -2021-09-20 08:27:12.431 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:27:12.431 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: at last all was quiet and black in the courtyard of gamewell -Output Transcription: at last all was quiet and black in the courtyard of gamewell -2021-09-20 08:27:12.432 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:27:12.432 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: what's the meaning of this thought the tree -Output Transcription: what's the meaning of this thought the tree -2021-09-20 08:27:12.432 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:27:12.432 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i attend to the household mending you know and care for the linen -Output Transcription: i attend to the household mending you know and care for the linen -2021-09-20 08:27:12.433 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:27:12.433 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: alexander groaned i meant to but somehow i couldn't -Output Transcription: alexander groaned i meant to but somehow i couldn't -2021-09-20 08:27:12.433 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:27:12.434 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: and mine is will stuteley shall we be comrades -Output Transcription: and mind is will stoutly shall we be comrades -2021-09-20 08:27:12.435 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.222222 -2021-09-20 08:27:12.435 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: indeed he persecuted the church of christ for a long time -Output Transcription: indeed he persecuted the church of christ for a long time -2021-09-20 08:27:12.435 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:27:12.435 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: and i declare it's too bad that it is -Output Transcription: and i declare it's too bad that it is -2021-09-20 08:27:12.436 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:27:12.436 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: rejoice in thy growth said the sunbeams -Output Transcription: rejoice in thy growth said the sunbeams -2021-09-20 08:27:12.436 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:27:12.436 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: after that it was easy to forget actually to forget -Output Transcription: after that it was easy to forget actually to forget -2021-09-20 08:27:12.437 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:27:12.438 | INFO | deepspeech2x.model:test:372 - Error rate [wer] (704/?) = 0.083180 -2021-09-20 08:27:14.325 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: and thee won't go why should i -Output Transcription: and they won't go why should i -2021-09-20 08:27:14.326 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.142857 -2021-09-20 08:27:14.326 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the head of the patchwork girl was the most curious part of her -Output Transcription: the head of the patchwork girl was the most curious part of her -2021-09-20 08:27:14.327 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:27:14.328 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: if for a whim you beggar yourself i cannot stay you -Output Transcription: if fur when you beggar yourself i cannot stay you -2021-09-20 08:27:14.329 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.272727 -2021-09-20 08:27:14.329 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: a sound of voices a flash of light -Output Transcription: a sound of voices a flash of light -2021-09-20 08:27:14.329 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:27:14.330 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: and i have no one ready to whom i can give up the archives of the government -Output Transcription: and i have no one ready to whom i can give up the archives of the government -2021-09-20 08:27:14.330 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:27:14.330 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i think i should be doing you a service to turn you out of such a place -Output Transcription: i think i should be doing you a service to turn you out of such a place -2021-09-20 08:27:14.330 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:27:14.332 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: done he ain't done a thing he'd oughter sence he was born -Output Transcription: down he ain't done a thing he orders since he was born -2021-09-20 08:27:14.333 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.333333 -2021-09-20 08:27:14.333 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: anyone in the room could get out yes sir -Output Transcription: anyone in the room could get out yes sir -2021-09-20 08:27:14.333 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:27:14.334 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: for some time after that i remembered nothing distinctly -Output Transcription: for some time after that i remembered nothing distinctly -2021-09-20 08:27:14.334 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:27:14.334 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: no i forgot all about the brains exclaimed the woman -Output Transcription: no i forgot all about the brains exclaimed the woman -2021-09-20 08:27:14.334 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:27:14.336 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the delawares are children of the tortoise and they outstrip the deer -Output Transcription: the delawares are children of the tortoise in the outstrip the deer -2021-09-20 08:27:14.337 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.166667 -2021-09-20 08:27:14.337 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: since when has malady banished medicine -Output Transcription: since when has malady vanished medicine -2021-09-20 08:27:14.338 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.166667 -2021-09-20 08:27:14.339 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: he knew the silver fleece his and zora's must be ruined -Output Transcription: he knew the silver flees his azores must be ruined -2021-09-20 08:27:14.340 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.272727 -2021-09-20 08:27:14.341 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: asked phronsie with her little face close to polly's own -Output Transcription: asked rosie with her little face closed upon his own -2021-09-20 08:27:14.342 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.400000 -2021-09-20 08:27:14.343 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: but under the circumstances i doubt if such an arrangement could be made -Output Transcription: but under the circumstances i doubt such an arrangement could be made -2021-09-20 08:27:14.345 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.076923 -2021-09-20 08:27:14.345 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: to this we reply in one word only -Output Transcription: to this we reply in one word only -2021-09-20 08:27:14.345 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:27:14.346 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: or hath he given us any gift -Output Transcription: or hath he given us any gift -2021-09-20 08:27:14.346 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:27:14.346 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: did not the dancing amuse you no -Output Transcription: did not the dancing amuse you no -2021-09-20 08:27:14.347 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:27:14.347 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: it would have been more wonderful had he spoken without a bidding -Output Transcription: it would have been more wonderful had he spoken without a bidding -2021-09-20 08:27:14.347 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:27:14.348 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: in the morning the servant and the housemaid came in -Output Transcription: in the morning the servants and the housemaid came in -2021-09-20 08:27:14.349 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.100000 -2021-09-20 08:27:14.350 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: it is this that is of interest to theory of knowledge -Output Transcription: it is this that is a interest to theory of knowledge -2021-09-20 08:27:14.351 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.090909 -2021-09-20 08:27:14.352 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: paul an apostle not of men et cetera -Output Transcription: paul an apostle not of men et cetera -2021-09-20 08:27:14.352 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:27:14.352 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: in this guise it becomes horrible -Output Transcription: in the skies it becomes horrible -2021-09-20 08:27:14.353 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.333333 -2021-09-20 08:27:14.354 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: also there was a stripling page who turned into a maid -Output Transcription: also there was a stripling page who turned into a mad -2021-09-20 08:27:14.355 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.090909 -2021-09-20 08:27:14.356 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: is he going to start a daily newspaper among the kick a poos -Output Transcription: is he going to start a daily newspaper among the kickapoo -2021-09-20 08:27:14.358 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.230769 -2021-09-20 08:27:14.359 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: heredity the cause of all our faults -Output Transcription: heredity the cause of all our faults -2021-09-20 08:27:14.359 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:27:14.360 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: and you belong to that small class who are happy -Output Transcription: and you belong to that small class who are happy -2021-09-20 08:27:14.360 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:27:14.361 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the man entered and took the papers sheet by sheet from the central table -Output Transcription: the man entered and took the papers sheet a sheet from the central table -2021-09-20 08:27:14.364 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.071429 -2021-09-20 08:27:14.365 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i have nothing to wear replied that demure person -Output Transcription: i have nothing to wear replied that the mere person -2021-09-20 08:27:14.366 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.222222 -2021-09-20 08:27:14.370 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: ambrose met me at the bottom of the stairs and showed me the way to the supper room -Output Transcription: ambrose met made the bottom of stairs and showed me the way to the supper room -2021-09-20 08:27:14.372 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.166667 -2021-09-20 08:27:14.372 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: he went here there and everywhere in perfect contentment -Output Transcription: he went here there and everywhere in perfect contentment -2021-09-20 08:27:14.373 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:27:14.375 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i shall be happy to take charge of them said sir ferdinando -Output Transcription: i shall be happy to take charge of them said sir fernando -2021-09-20 08:27:14.376 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.083333 -2021-09-20 08:27:14.377 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: but thou art not such a lover my beloved -Output Transcription: but thou art not such a lover my beloved -2021-09-20 08:27:14.378 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:27:14.379 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: straightway the hawk glided from his perch and darted after him -Output Transcription: straightway the hot glided from his perch and darted after him -2021-09-20 08:27:14.380 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.090909 -2021-09-20 08:27:14.381 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: don't worry sizzle dear it'll all come right pretty soon -Output Transcription: don't worryi sizzle dear it'll come ripe soon -2021-09-20 08:27:14.382 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.400000 -2021-09-20 08:27:14.384 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: one thinks one hears hydras talking -Output Transcription: one things one hears hydras talking -2021-09-20 08:27:14.384 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.166667 -2021-09-20 08:27:14.385 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the sight seers returned in high spirits from the city -Output Transcription: the sights years returned in high spirits from the city -2021-09-20 08:27:14.387 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.200000 -2021-09-20 08:27:14.389 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i took five great bracelets of gold from our treasure chest and gave them to him -Output Transcription: i took five great bracelets gold from our treasure chest and gave them to him -2021-09-20 08:27:14.391 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.062500 -2021-09-20 08:27:14.392 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the floor more than anything else showed the great age of the room -Output Transcription: the floor more than anything else showed the great age of the room -2021-09-20 08:27:14.393 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:27:14.393 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: in this whole epistle paul treats of the resurrection of christ -Output Transcription: in this whole epistle paul treats of the resurrection of christ -2021-09-20 08:27:14.393 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:27:14.394 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: my dragon's belly is never full and on board went the gold -Output Transcription: a dragon's belly is never full and on board went the gold -2021-09-20 08:27:14.396 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.083333 -2021-09-20 08:27:14.397 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: they said to the galatians you have no right to think highly of paul -Output Transcription: they said to the galatians you have no right to think highly of paul -2021-09-20 08:27:14.397 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:27:14.398 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: sir harry towne mister bartley alexander the american engineer -Output Transcription: sir harry town mister bartley alexander the american engineer -2021-09-20 08:27:14.400 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.111111 -2021-09-20 08:27:14.401 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: did you ever have such a lordly guest before i went on -Output Transcription: did you ever have such a lordly guessed before i went on -2021-09-20 08:27:14.402 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.083333 -2021-09-20 08:27:14.404 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: one of us always remains on board while the other is on shore -Output Transcription: one of us always remains on board while the others i'm sure -2021-09-20 08:27:14.406 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.307692 -2021-09-20 08:27:14.406 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: right willingly for between us we have won the battle answered robin -Output Transcription: right willingly for between us we have won the battle answered robin -2021-09-20 08:27:14.407 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:27:14.407 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: your play must be not merely a good play but a successful one -Output Transcription: your play must be not merely a good play but a successful one -2021-09-20 08:27:14.408 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:27:14.409 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: we think that by some little work or merit we can dismiss sin -Output Transcription: we think that by some little work or merit we can dismiss an -2021-09-20 08:27:14.411 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.076923 -2021-09-20 08:27:14.412 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: by the hammer of thor shouted grim here is no stingy coward -Output Transcription: by the hammer of thor shouted groom there is no stingy cower -2021-09-20 08:27:14.414 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.250000 -2021-09-20 08:27:14.415 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the ballet began the effect was more than beautiful -Output Transcription: the valley began the effect was more than beautiful -2021-09-20 08:27:14.416 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.111111 -2021-09-20 08:27:14.417 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: ojo examined this curious contrivance with wonder -Output Transcription: ojo examined this curious contrivance with wonder -2021-09-20 08:27:14.418 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:27:14.418 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: robin was glad when at length they were left to their own devices -Output Transcription: robin was glad when at length they were left to their own devices -2021-09-20 08:27:14.418 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:27:14.420 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: why bannister the servant what's his game in the matter -Output Transcription: why banister the servant what's his game in the matter -2021-09-20 08:27:14.421 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.100000 -2021-09-20 08:27:14.422 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: now you'll stay cried van say polly won't you -Output Transcription: now you'll stay cried man say polly won't you -2021-09-20 08:27:14.423 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.111111 -2021-09-20 08:27:14.423 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: don't insult me stanley by talking again as you did this morning -Output Transcription: don't insult me stanley by talking again as you did this morning -2021-09-20 08:27:14.424 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:27:14.424 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: robin entered the hut dragging the unwilling esquire after him -Output Transcription: robin entered the hut dragging the unwilling esquire after him -2021-09-20 08:27:14.424 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:27:14.426 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i shudder as i recall these monsters to my remembrance -Output Transcription: i shudder as i recall these monsters to my remembrance -2021-09-20 08:27:14.426 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:27:14.426 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: so choose for yourself to make a rush or tarry here -Output Transcription: so choose for yourself to make a rush or tarry here -2021-09-20 08:27:14.427 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:27:14.427 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: holmes held it out on his open palm in the glare of the electric light -Output Transcription: holmes held it out on his open palm in the glare of the electric light -2021-09-20 08:27:14.428 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:27:14.429 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: steam up and canvas spread the schooner started eastwards -Output Transcription: steam up in canvas spread the schooner started eastwards -2021-09-20 08:27:14.430 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.111111 -2021-09-20 08:27:14.430 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: it blazed up famously help help -Output Transcription: it blazed up famously help help -2021-09-20 08:27:14.431 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:27:14.432 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: but much of the novel's brooding power comes from captain nemo -Output Transcription: but much of the novel's brooding power comes from captain nemo -2021-09-20 08:27:14.432 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:27:14.433 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: hello stephanos here comes the dedalus -Output Transcription: hello stephanos here comes the daedalus -2021-09-20 08:27:14.433 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.166667 -2021-09-20 08:27:14.434 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the earth is not devoid of resemblance to a jail -Output Transcription: the earth is not devoid of resemblance to a hail -2021-09-20 08:27:14.436 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.100000 -2021-09-20 08:27:14.437 | INFO | deepspeech2x.model:test:372 - Error rate [wer] (768/?) = 0.083729 -2021-09-20 08:27:16.506 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: it's exciting to see everything growing so fast and to get the grass cut -Output Transcription: its exciting to see everything growing so fast and to get the grass cut -2021-09-20 08:27:16.508 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.071429 -2021-09-20 08:27:16.509 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: la valliere is quite a poetess said tonnay charente -Output Transcription: the vallee is quite a poetess said tony hart -2021-09-20 08:27:16.510 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.444444 -2021-09-20 08:27:16.510 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: on august twenty seventh eighteen thirty seven she writes -Output Transcription: on august twenty seventh eighteen thirty seven she writes -2021-09-20 08:27:16.511 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:27:16.511 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: cried the young ladies and they quickly put out the fire -Output Transcription: cried the young ladies and they quickly put out the fire -2021-09-20 08:27:16.512 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:27:16.512 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the rector did not ask for a catechism to hear the lesson from -Output Transcription: the rector did not ask for a catechism to hear the lesson from -2021-09-20 08:27:16.512 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:27:16.513 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: on the palm were three little pyramids of black doughy clay -Output Transcription: on the palm were three little pyramids of black dog clay -2021-09-20 08:27:16.514 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.090909 -2021-09-20 08:27:16.515 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: exclaimed servadac keeping his eye unmoved at his telescope -Output Transcription: exclaimed serva dac keeping his eye unmoved at his telescope -2021-09-20 08:27:16.516 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.222222 -2021-09-20 08:27:16.516 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: you haven't seen any of them no sir -Output Transcription: you haven't seen any of them no sir -2021-09-20 08:27:16.517 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:27:16.517 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: it's not particularly rare she said but some of it was my mother's -Output Transcription: it's not particularly rare she said but some of it was my mother's -2021-09-20 08:27:16.517 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:27:16.517 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the democratic committee figured out a way to do this -Output Transcription: the democratic committee figured out a way to do this -2021-09-20 08:27:16.518 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:27:16.518 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: heaven a good place to be raised to -Output Transcription: heaven a good place to be raised to -2021-09-20 08:27:16.518 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:27:16.518 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: but it was not the fir tree that they meant -Output Transcription: but it was not the fir tree that they meant -2021-09-20 08:27:16.519 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:27:16.520 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: it was better for him to think the girl unfeeling than to know the truth -Output Transcription: it was better for him to think the girl unfeeling at another truth -2021-09-20 08:27:16.522 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.266667 -2021-09-20 08:27:16.523 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i won't tremble to morrow thought the fir tree -Output Transcription: i won't tremble tomorrow thought the fir tree -2021-09-20 08:27:16.523 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.222222 -2021-09-20 08:27:16.525 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i pray for you but that's not the same as if you prayed yourself -Output Transcription: i pray for you but that's not the same as if you played yourself -2021-09-20 08:27:16.527 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.071429 -2021-09-20 08:27:16.528 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: from the blackness behind the light they heard a voice warrenton's -Output Transcription: from the blackness behind the light they heard a voice warrenton -2021-09-20 08:27:16.529 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.090909 -2021-09-20 08:27:16.529 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: husband the next thing to a wife -Output Transcription: husband the next thing to a wife -2021-09-20 08:27:16.529 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:27:16.530 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: she poured into the dish a quantity from each of these bottles -Output Transcription: she poured into the dish a quantity from each of these bottles -2021-09-20 08:27:16.530 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:27:16.531 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i have been here this quarter of an hour replied la valliere -Output Transcription: i have been here this quarter of an hour replied lavalier -2021-09-20 08:27:16.532 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.166667 -2021-09-20 08:27:16.533 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: hussy woman and bond tie -Output Transcription: hussy woman and born tie -2021-09-20 08:27:16.533 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.200000 -2021-09-20 08:27:16.534 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: but there's father the barn sir if he'd be of any use -Output Transcription: but there's father and barn sir if he'd be of any use -2021-09-20 08:27:16.536 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.083333 -2021-09-20 08:27:16.536 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: to ask any more questions of you i believe would be unfair -Output Transcription: to ask any more questions of you i believe would be unfair -2021-09-20 08:27:16.536 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:27:16.537 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: he looked up rather ungraciously but motioned them to be seated -Output Transcription: he looked up rather ungracious ly but motioned them to be seated -2021-09-20 08:27:16.538 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.181818 -2021-09-20 08:27:16.540 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the great hawk followed hurriedly to retrieve his prey from the ground -Output Transcription: the great hawk fouled hurriedly to retrieve his prey from the ground -2021-09-20 08:27:16.541 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.083333 -2021-09-20 08:27:16.542 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: they say illumination by candle light is the prettiest in the world -Output Transcription: they say illumination by candlelight is the prettiest in the world -2021-09-20 08:27:16.543 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.166667 -2021-09-20 08:27:16.546 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: why should the mistress of the vales of har utter a sigh -Output Transcription: why should the mistress of the veils of her utter a sigh -2021-09-20 08:27:16.547 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.166667 -2021-09-20 08:27:16.548 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: out in the woods stood a nice little fir tree -Output Transcription: out in the woods stood a nice little fur tree -2021-09-20 08:27:16.550 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.100000 -2021-09-20 08:27:16.551 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: alexander rose and shook himself angrily yes i know i'm cowardly -Output Transcription: elegant rose and shook himself angrily yes i know i'm cowardly -2021-09-20 08:27:16.552 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.090909 -2021-09-20 08:27:16.552 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: several hundred free state men promptly responded to the summons -Output Transcription: several hundred free state men promptly responded to the summons -2021-09-20 08:27:16.553 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:27:16.553 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: he is called as you know the apostle of the indies -Output Transcription: he is called as you know the apostle of the indies -2021-09-20 08:27:16.554 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:27:16.554 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: indeed he had looked away with the purpose of not seeing it -Output Transcription: indeed he had looked away with the purpose of not seeing it -2021-09-20 08:27:16.555 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:27:16.556 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: dorcas in her strange way was moved -Output Transcription: dorcas in her strange way was moved -2021-09-20 08:27:16.556 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:27:16.556 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the goat's warlike spirit was roused by this successful attack -Output Transcription: the goat's warlike spirit was roused by this successful attack -2021-09-20 08:27:16.557 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:27:16.558 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: don't mind it polly whispered jasper twasn't her fault -Output Transcription: don't mind it polly whispered jasper wasn't her fault -2021-09-20 08:27:16.559 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.111111 -2021-09-20 08:27:16.561 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: no names please said holmes as we knocked at gilchrist's door -Output Transcription: no names please said holmes as we knocked a gilchrist or -2021-09-20 08:27:16.562 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.272727 -2021-09-20 08:27:16.562 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: to be or not to be that is the question whether tis nobler -Output Transcription: to be or not to be that is the question whether tis nobler -2021-09-20 08:27:16.563 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:27:16.564 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: it is sixteen years since john bergson died -Output Transcription: it is sixteen years since john burges and died -2021-09-20 08:27:16.565 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.250000 -2021-09-20 08:27:16.566 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: rejoice in thy own fresh youth -Output Transcription: rejoice in my own fresh youth -2021-09-20 08:27:16.566 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.166667 -2021-09-20 08:27:16.567 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: lieutenant crosstrees is a very gallant officer -Output Transcription: lieutenant cross trees is a very gallant officer -2021-09-20 08:27:16.568 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.285714 -2021-09-20 08:27:16.568 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: we have heard something of your story said kenneth and are interested in it -Output Transcription: we have heard something of your story said kenneth and are interested in it -2021-09-20 08:27:16.569 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:27:16.569 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: there seems no good reason for believing that it will change -Output Transcription: there seems no good reason for believing that it will change -2021-09-20 08:27:16.570 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:27:16.572 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: it is the only amends i ask of you for the wrong you have done me -Output Transcription: it is the only immense i ask of you for the wrong you have done me -2021-09-20 08:27:16.575 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.062500 -2021-09-20 08:27:16.576 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: if a fellow's been a little bit wild he's beelzebub at once -Output Transcription: if a fellow's been a little bit wild his bonds above at once -2021-09-20 08:27:16.578 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.250000 -2021-09-20 08:27:16.579 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: he unlocked the door and called here's visitors tom -Output Transcription: he unlocked the door and called here's visitors tom -2021-09-20 08:27:16.579 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:27:16.579 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: why it's goliath as usual they both cried peering in -Output Transcription: why it's goliath as usual they both cried peering in -2021-09-20 08:27:16.580 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:27:16.581 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: sir kennington oval is a very fine player said my wife -Output Transcription: sir kennington oval is a very fine player said my wife -2021-09-20 08:27:16.581 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:27:16.582 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i haven't had a chance yet to tell you what a jolly little place i think this is -Output Transcription: i haven't had a chance yet to tell you what a jolly little place i think this is -2021-09-20 08:27:16.582 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:27:16.584 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: when did you come bartley and how did it happen you haven't spoken a word -Output Transcription: why did you come partly and how did it happen you haven't spoken a word -2021-09-20 08:27:16.587 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.133333 -2021-09-20 08:27:16.587 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the departure was not at all agreeable -Output Transcription: the departure was not at all agreeable -2021-09-20 08:27:16.587 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:27:16.588 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: watson i have always done you an injustice there are others -Output Transcription: watson i have always done you an injustice there are others -2021-09-20 08:27:16.588 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:27:16.590 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: he mentions the apostles first because they were appointed directly by god -Output Transcription: he mentions the apostles first because they are pointed directly by god -2021-09-20 08:27:16.591 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.166667 -2021-09-20 08:27:16.592 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i had a horrid dream about him last night that -Output Transcription: i had a horrid dream about him last night that -2021-09-20 08:27:16.592 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:27:16.593 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: but was that all her reward one of the ladies asked -Output Transcription: but was that all her reward one of the ladies asked -2021-09-20 08:27:16.593 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:27:16.593 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: uncas cast his skin and stepped forth in his own beautiful proportions -Output Transcription: uncas cast his skin and stepped forth in his own beautiful proportions -2021-09-20 08:27:16.594 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:27:16.595 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: and towards christmas he was one of the first that was cut down -Output Transcription: and towards christmas he was one of the first that was cut down -2021-09-20 08:27:16.595 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:27:16.596 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the arrow pierced his heart and wounded him mortally -Output Transcription: the arrow pierced his heart and wounded him mortally -2021-09-20 08:27:16.596 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:27:16.596 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: as used in the speech of everyday life the word carries an undertone of deprecation -Output Transcription: as used in the speech of everyday life the word carries an undertone of deprecation -2021-09-20 08:27:16.597 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:27:16.597 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: most of all robin thought of his father what would he counsel -Output Transcription: most of all robin thought of his father what would he counsel -2021-09-20 08:27:16.597 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:27:16.598 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: they regained their apartment apparently without disturbing the household of gamewell -Output Transcription: they regained their apartment apparently without disturbing the household of gamewell -2021-09-20 08:27:16.598 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:27:16.599 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: to all these inquiries the count responded in the affirmative -Output Transcription: to all these inquiries the count responded in the affirmative -2021-09-20 08:27:16.600 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:27:16.601 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: not once did he comment on the length or the hardships of a journey -Output Transcription: not once did he comment on the length or the hardships of the journey -2021-09-20 08:27:16.603 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.071429 -2021-09-20 08:27:16.604 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i like you still rachel i'm sure i'll always like you -Output Transcription: i like you still rachel i'm sure i'll always like you -2021-09-20 08:27:16.604 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:27:16.605 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i thought it therefore my duty when i left school to become a governess -Output Transcription: i thought it therefore my duty when i left school to become a governess -2021-09-20 08:27:16.605 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:27:16.607 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: he shall not leave you day or night whether you are working or playing or sleeping -Output Transcription: you shall not leave you day or night whether you were working or playing or sleeping -2021-09-20 08:27:16.609 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.125000 -2021-09-20 08:27:16.611 | INFO | deepspeech2x.model:test:372 - Error rate [wer] (832/?) = 0.082196 -2021-09-20 08:27:20.936 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the young man is in bondage and much i fear his death is decreed -Output Transcription: the young man is in bondage and much i fear his death is decreed -2021-09-20 08:27:20.937 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:27:20.938 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: that was but rustling of dripping plants in the dark -Output Transcription: that was but rustling of tripping plants in the dark -2021-09-20 08:27:20.939 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.100000 -2021-09-20 08:27:20.939 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: madame quinson besides can answer your enquiries -Output Transcription: madame when a besides can answer your inquiries -2021-09-20 08:27:20.941 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.428571 -2021-09-20 08:27:20.942 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i reside in the marais rue de douze portes -Output Transcription: i reside in the mare grew did this port -2021-09-20 08:27:20.943 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.555556 -2021-09-20 08:27:20.943 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: we have never understood this sort of objections -Output Transcription: we have never understood this sort of objections -2021-09-20 08:27:20.943 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:27:20.943 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: yes so they said but that would i think have been worse -Output Transcription: yes so they said but that would i think have been worse -2021-09-20 08:27:20.944 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:27:20.944 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: it was a deliberate theft from his employers to protect a girl he loved -Output Transcription: it was a deliberate theft from his employers to protect a girl he loved -2021-09-20 08:27:20.944 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:27:20.944 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: he is my esquire excellency returned robin with dignity -Output Transcription: he is my esquire excellency returned robin with dignity -2021-09-20 08:27:20.945 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:27:20.947 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: they were received in the little office by a man named markham who was the jailer -Output Transcription: they were received in the little office by a man named marcum who was the jailer -2021-09-20 08:27:20.949 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.062500 -2021-09-20 08:27:20.949 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: just smell the wild roses they are always so spicy after a rain -Output Transcription: just smell the wild roses they are always so spicy after a rain -2021-09-20 08:27:20.949 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:27:20.949 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: if she does not know how to estimate her own value i do -Output Transcription: if she does not know how to estimate her own value i do -2021-09-20 08:27:20.950 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:27:20.950 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: a montfichet a montfichet gamewell to the rescue -Output Transcription: a mortice or montrachet game well to the rescue -2021-09-20 08:27:20.951 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.625000 -2021-09-20 08:27:20.953 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: so i lived and now am your tooth thrall well it is the luck of war -Output Transcription: so i lived and now in your tooth thrall well it is the luck of war -2021-09-20 08:27:20.955 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.062500 -2021-09-20 08:27:20.956 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: there's one and there's another the dudley and the flint -Output Transcription: there's one and there's another the dudley and the flint -2021-09-20 08:27:20.956 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:27:20.957 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: oh no jasper i must go by my very own self -Output Transcription: oh no chapter i must go by my very own self -2021-09-20 08:27:20.958 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.090909 -2021-09-20 08:27:20.960 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: and emil mowed his way slowly down toward the cherry trees -Output Transcription: and a meal made his way slowly down toward the cherry trees -2021-09-20 08:27:20.961 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.272727 -2021-09-20 08:27:20.961 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i know no such place said the tree -Output Transcription: i know no such place said the tree -2021-09-20 08:27:20.961 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:27:20.962 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i was in such a hurry to come to you you left your door open -Output Transcription: i was in such a hurry to come to you you left your door open -2021-09-20 08:27:20.962 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:27:20.962 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: nothing new weather unchanged the wind freshens -Output Transcription: nothing new whether unchanged the wind freshens -2021-09-20 08:27:20.963 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.142857 -2021-09-20 08:27:20.964 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: and fearest thou because i vanish and am seen no more -Output Transcription: and first thou because i vanish and am see no more -2021-09-20 08:27:20.965 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.181818 -2021-09-20 08:27:20.967 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: so i will give out this law that my men shall never leave you alone -Output Transcription: so i will give up this law that my men shall never leave you alone -2021-09-20 08:27:20.969 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.066667 -2021-09-20 08:27:20.969 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: a cold lucid indifference reigned in his soul -Output Transcription: a cold lucid indifference reigned in his soul -2021-09-20 08:27:20.969 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:27:20.970 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i am my dear and all strangers are welcome to my home -Output Transcription: i am my dear and all strangers are welcome to my home -2021-09-20 08:27:20.970 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:27:20.971 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: well i'm going as an engineer you can go as one -Output Transcription: well i'm going as an engineer you could go as one -2021-09-20 08:27:20.972 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.090909 -2021-09-20 08:27:20.972 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: he felt for and found the wizard's black cloth the squire was quite out of breath -Output Transcription: he felt for and found the wizard's black cloth the squire was quite out of breath -2021-09-20 08:27:20.973 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:27:20.974 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: that is a very fine cap you have he said -Output Transcription: that is a very fine cap you have he said -2021-09-20 08:27:20.974 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:27:20.976 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: when they were outside unc simply latched the door and started up the path -Output Transcription: when they were outside on simply elapsed the door and started up the path -2021-09-20 08:27:20.978 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.142857 -2021-09-20 08:27:20.978 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: there's many a one considerably older than i am -Output Transcription: there's many a one considerably older than i am -2021-09-20 08:27:20.979 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:27:20.979 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: he is not well he has come over the ocean for rest and change of scene -Output Transcription: he is not well he has come over the ocean for rest and change of scene -2021-09-20 08:27:20.980 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:27:20.981 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the livery becomes obnoxious to nearly all who are required to wear it -Output Transcription: the livery becomes obnoxious to nearly all who are required to wear it -2021-09-20 08:27:20.982 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:27:20.982 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: oh say that's different observed markham altering his demeanor -Output Transcription: i'll say that's different observed markham altering his demeanor -2021-09-20 08:27:20.984 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.111111 -2021-09-20 08:27:20.986 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: it might have seemed that a trout of this size was a fairly substantial meal -Output Transcription: min have seemed that a trout of this size was a fairly substantial meal -2021-09-20 08:27:20.988 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.133333 -2021-09-20 08:27:20.989 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the proof was in three long slips i had left them all together -Output Transcription: the proof was in three long slips i had left them all together -2021-09-20 08:27:20.989 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:27:20.990 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: it can't hurt anything i'm sure for we won't disturb things at all -Output Transcription: i can't hear anything i'm sure for we won't disturb things at all -2021-09-20 08:27:20.993 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.153846 -2021-09-20 08:27:20.993 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the air is heavy the sea is calm -Output Transcription: the air is heavy the sea is calm -2021-09-20 08:27:20.993 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:27:20.996 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: as our boat flashed down the rollers into the water i made this song and sang it -Output Transcription: as our boat flashed down the rollers into the water i made this song and sang it -2021-09-20 08:27:20.996 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:27:20.996 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: let us begin with that his commentary on galatians -Output Transcription: let us begin with that his commentary on galatians -2021-09-20 08:27:20.997 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:27:20.998 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: their sufferings have never yet been fitly chronicled by human scribe -Output Transcription: their sufferings have never yet been fiddly chronicle by human scribe -2021-09-20 08:27:20.999 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.181818 -2021-09-20 08:27:21.000 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: that is why we cry education science -Output Transcription: that is why we cry education science -2021-09-20 08:27:21.001 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:27:21.002 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: he was like unto my father in a way and yet was not my father -Output Transcription: he was like my father in a way and yet was not my father -2021-09-20 08:27:21.005 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.066667 -2021-09-20 08:27:21.005 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: what is your name lording asked the little stroller presently -Output Transcription: what is your name lording asked the little stroller presently -2021-09-20 08:27:21.005 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:27:21.007 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: and why it scatters its bright beauty thro the humid air -Output Transcription: and why it scatters its bright beauty through the humid air -2021-09-20 08:27:21.008 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.090909 -2021-09-20 08:27:21.008 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: above all things i desire to settle the matter quietly and discreetly -Output Transcription: above all things i desire to settle the matter quietly and discreetly -2021-09-20 08:27:21.009 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:27:21.010 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: he worked me very hard he wanted to be beating me all the time -Output Transcription: he worked me very hard he wanted to be beating me all the time -2021-09-20 08:27:21.010 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:27:21.010 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: our first impressions of people are in nine cases out of ten the right impressions -Output Transcription: our first impressions of people are in nine cases out of ten the right impressions -2021-09-20 08:27:21.011 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:27:21.011 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i had again been acting under the influence of this man's power -Output Transcription: i had again been acting under the influence of this man's power -2021-09-20 08:27:21.012 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:27:21.014 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: there was no chance to alter his sleeping room to one nearer to gamewell's chamber -Output Transcription: there was no chance to alter his sleeping room to one nearer to game wells chamber -2021-09-20 08:27:21.016 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.133333 -2021-09-20 08:27:21.018 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: exclaimed bill harmon to his wife as they went through the lighted hall -Output Transcription: exclaimed barreto his wife as they went through the light at hall -2021-09-20 08:27:21.019 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.384615 -2021-09-20 08:27:21.020 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: he was still suffering from this sudden disturbance of the quiet routine of his life -Output Transcription: he was still suffering from this sudden disturbance of the quiet routine of his life -2021-09-20 08:27:21.021 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:27:21.021 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: she asked impulsively i didn't believe you could persuade her father -Output Transcription: she asked impulsively i didn't believe you could persuade her father -2021-09-20 08:27:21.021 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:27:21.022 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: nothing more not even the wrist to which it might be attached -Output Transcription: nothing more not even the wrist to which it might be attached -2021-09-20 08:27:21.022 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:27:21.025 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: we will go out together to the bower there is a way down to the court from my window -Output Transcription: we will go out together to the power there is a way down to the court from my window -2021-09-20 08:27:21.028 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.052632 -2021-09-20 08:27:21.029 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: thank you rachel my cousin rachel my only friend -Output Transcription: thank you rachel my cousin rachel my only friend -2021-09-20 08:27:21.029 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:27:21.030 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: and i should begin with a short homily on soliloquy -Output Transcription: and i shall begin with a short homily on soliloquy -2021-09-20 08:27:21.032 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.100000 -2021-09-20 08:27:21.033 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: do not therefore think that the gothic school is an easy one -Output Transcription: do not therefore think that the gothic schools and easy one -2021-09-20 08:27:21.034 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.250000 -2021-09-20 08:27:21.035 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: will you leave me alone in my own room or must i go away to escape you -Output Transcription: will you leave me alone in my own room or must i go away to escape you -2021-09-20 08:27:21.035 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:27:21.036 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: that's not much of a job for an athlete here i've been to town and back -Output Transcription: that's not much of a job for an athlete here i've been to town and back -2021-09-20 08:27:21.037 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:27:21.038 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: in person welcome aboard professor your cabin is waiting for you -Output Transcription: in person welcome boy professor your cabin is waiting for you -2021-09-20 08:27:21.039 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.090909 -2021-09-20 08:27:21.040 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the bear shook his shaggy sides and then a well known voice replied -Output Transcription: the bear shook his shaggy sides and then a well known voice replied -2021-09-20 08:27:21.040 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:27:21.040 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: but how did she manage to render it so fashionable -Output Transcription: but how did she manage to render it so fashionable -2021-09-20 08:27:21.040 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:27:21.042 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: do you know i thought the dance a bit conscious to night for the first time -Output Transcription: you know i thought the dance of conscious tonight for the first time -2021-09-20 08:27:21.045 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.312500 -2021-09-20 08:27:21.047 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: well now ennis i declare you have a head and so has my stick -Output Transcription: well now is i declare you have a head and so has my stick -2021-09-20 08:27:21.048 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.071429 -2021-09-20 08:27:21.049 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: angor pain painful to hear -Output Transcription: anger pain painful to hear -2021-09-20 08:27:21.050 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.200000 -2021-09-20 08:27:21.052 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i like to talk to carl about new york and what a fellow can do there -Output Transcription: i like to talk to carl about new york on what a fellow can do there -2021-09-20 08:27:21.054 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.062500 -2021-09-20 08:27:21.056 | INFO | deepspeech2x.model:test:372 - Error rate [wer] (896/?) = 0.081355 -2021-09-20 08:27:23.426 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: come to me men here here he raised his voice still louder -Output Transcription: come to me men here here he raised his voice still louder -2021-09-20 08:27:23.427 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:27:23.429 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: good gracious has the king any right to interfere in matters of that kind -Output Transcription: good gracious as the king any right to interfere in matters of that kind -2021-09-20 08:27:23.430 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.071429 -2021-09-20 08:27:23.431 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: but cap'n bill made no such attempt knowing it would be useless -Output Transcription: but cap'n bill made no such attempt knowing it would be useless -2021-09-20 08:27:23.431 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:27:23.432 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: said another voice which i recognized as voltaire's kaffar -Output Transcription: said another voice which i recognized as vultures car -2021-09-20 08:27:23.433 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.222222 -2021-09-20 08:27:23.434 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: lend me your ear for ten minutes and you shall learn just what stagecraft is -Output Transcription: lend me your ear for ten minutes and you shall learn just what stagecraft is -2021-09-20 08:27:23.434 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:27:23.434 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i felt it in my bones when i woke this morning that something splendid was going to turn up -Output Transcription: i felt it in my bones when i woke this morning that something splendid was going to turn up -2021-09-20 08:27:23.434 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:27:23.435 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: there there he said soothingly patting her brown fuzzy head -Output Transcription: there there he said soothingly patting her brown fuzzy head -2021-09-20 08:27:23.435 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:27:23.435 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: before them fled the stroller and his three sons capless and terrified -Output Transcription: before them fled the stroller and his three sons capless and terrified -2021-09-20 08:27:23.435 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:27:23.437 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: were i in the warm room with all the splendor and magnificence -Output Transcription: where i and the warm room with all that splendour and magnificence -2021-09-20 08:27:23.438 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.333333 -2021-09-20 08:27:23.440 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: hers happened to be in the same frame too but she evidently didn't care about that -Output Transcription: hers happened to be on the same frame too but she evidently didn't care about it -2021-09-20 08:27:23.442 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.125000 -2021-09-20 08:27:23.442 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: does your majesty then no longer believe the disloyal attempt -Output Transcription: does your majesty then no longer believe the disloyal attempt -2021-09-20 08:27:23.443 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:27:23.444 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the duchess of southbridge to lord reggie oh reggie what did you say -Output Transcription: the doctors of southbridge to lord reggie already what did you say -2021-09-20 08:27:23.446 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.230769 -2021-09-20 08:27:23.446 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i will take the black clay with me also the pencil cuttings good bye -Output Transcription: i will take the black clay with me also the pencil cuttings good bye -2021-09-20 08:27:23.446 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:27:23.448 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: is thy father willing thee should go away to a school of the world's people -Output Transcription: is thy father willing they should go away to a school of the world's people -2021-09-20 08:27:23.450 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.066667 -2021-09-20 08:27:23.451 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: who is humpy dumpy asked the mice -Output Transcription: who is hump don't p asked the ice -2021-09-20 08:27:23.451 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.571429 -2021-09-20 08:27:23.452 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: milligram roughly one twenty eight thousand of an ounce -Output Transcription: milligram roughly one twenty eight thousand of an as -2021-09-20 08:27:23.453 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.111111 -2021-09-20 08:27:23.453 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: you left him in a chair you say which chair by the window there -Output Transcription: you left him in a chair you say which chair by the window there -2021-09-20 08:27:23.454 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:27:23.455 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the squares of cotton sharp edged heavy were just about to burst to bolls -Output Transcription: the squares of cotton sharp edged heavy we're just about to purse to balls -2021-09-20 08:27:23.457 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.214286 -2021-09-20 08:27:23.457 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: he was in deep converse with the clerk and entered the hall holding him by the arm -Output Transcription: he was in deep converse with the clerk and entered the hall holding him by the arm -2021-09-20 08:27:23.458 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:27:23.459 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: nay nay lording answered warrenton with a half laugh -Output Transcription: nay nay luring answered warrenton with a half laugh -2021-09-20 08:27:23.459 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.111111 -2021-09-20 08:27:23.461 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: well well don't trouble to answer listen and see that i do you no injustice -Output Transcription: well out don't trouble to answer listen and see that i do you know injustice -2021-09-20 08:27:23.463 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.133333 -2021-09-20 08:27:23.463 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: he seemed born to please without being conscious of the power he possessed -Output Transcription: he seemed born to please without being conscious of the power he possessed -2021-09-20 08:27:23.464 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:27:23.465 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: certainly sire but i must have money to do that what -Output Transcription: certainly sir but i must have money to do that what -2021-09-20 08:27:23.466 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.090909 -2021-09-20 08:27:23.466 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: alas i have grieved so i am hard to love -Output Transcription: alas i have grieved so i am hard to love -2021-09-20 08:27:23.466 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:27:23.467 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: again he searched his own thoughts nor ineffectually as before -Output Transcription: again he searched his own thoughts nor ineffectually as before -2021-09-20 08:27:23.467 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:27:23.468 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the hair was of brown yarn and hung down on her neck in several neat braids -Output Transcription: the hair was of brown yarn and hung down on her neck in several neat braids -2021-09-20 08:27:23.468 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:27:23.471 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: don't i though i'm so sorry to hear it how did her son turn out -Output Transcription: don't i though am so sorry to hear it how did her son turn out -2021-09-20 08:27:23.472 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.066667 -2021-09-20 08:27:23.473 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: length of service fourteen years three months and five days -Output Transcription: length of service fourteen years three months and five days -2021-09-20 08:27:23.480 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:27:23.480 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: like as not young master though i am an old man -Output Transcription: like as not young master though i am an old man -2021-09-20 08:27:23.480 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:27:23.481 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i had to read it over carefully as the text must be absolutely correct -Output Transcription: i had to read it over carefully as the text must be absolutely correct -2021-09-20 08:27:23.481 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:27:23.483 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: we are quite satisfied now captain battleax said my wife -Output Transcription: we are quite satisfied now captain battle axe said my wife -2021-09-20 08:27:23.484 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.200000 -2021-09-20 08:27:23.485 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: descend o little cloud and hover before the eyes of thel -Output Transcription: to send a little cloud and hovered before the eyes of hell -2021-09-20 08:27:23.487 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.454545 -2021-09-20 08:27:23.488 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: why an ear a whirlpool fierce to draw creations in -Output Transcription: why an ear a whirlpool fierce to draw creations in -2021-09-20 08:27:23.488 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:27:23.489 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i'm sure alexandra hopes you will stay on here she murmured -Output Transcription: i am sure alexander helps you will stay on here she murmured -2021-09-20 08:27:23.491 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.363636 -2021-09-20 08:27:23.491 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: won't you run into the house and see if martha can't spare one or two more maids -Output Transcription: won't you run into the house and see if martha can't spare one or two more maids -2021-09-20 08:27:23.492 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:27:23.492 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i will ask the least imaginable but i must have something -Output Transcription: i will ask the least imaginable but i must have something -2021-09-20 08:27:23.493 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:27:23.493 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: a more dreary and more disunited family party i never sat at the table with -Output Transcription: a more dreary and more disunited family party i never sat at the table with -2021-09-20 08:27:23.494 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:27:23.494 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: anyhow we'll leave instructions to ship the whole menagerie to france -Output Transcription: anyhow we'll leave instructions to ship the whole menagerie to france -2021-09-20 08:27:23.494 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:27:23.495 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: what can you mean by that miss woodley you talk mysteriously -Output Transcription: what can you mean by that miss woodley you talk mysteriously -2021-09-20 08:27:23.495 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:27:23.496 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: those huge creatures attacked each other with the greatest animosity -Output Transcription: those huge creatures attacked each other with the greatest animosity -2021-09-20 08:27:23.496 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:27:23.498 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: he called this sea a pond and our long voyage taking a little sail -Output Transcription: he called the sea upon and or long for wage taking a little sail -2021-09-20 08:27:23.500 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.428571 -2021-09-20 08:27:23.501 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: a word should now be said about the origin of luther's commentary on galatians -Output Transcription: a word should now be said about the origin of luther's commentary on galatians -2021-09-20 08:27:23.501 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:27:23.502 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: he keeps the thou shalt not commandments first rate hen lord does -Output Transcription: he keeps that thou shalt not commandments first rate and lord does -2021-09-20 08:27:23.504 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.166667 -2021-09-20 08:27:23.504 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the moment i looked at my table i was aware that someone had rummaged among my papers -Output Transcription: the moment i looked at my table i was aware that someone had rummaged among my papers -2021-09-20 08:27:23.505 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:27:23.505 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: perhaps the other trees from the forest will come to look at me -Output Transcription: perhaps the other trees from the forest will come to look at me -2021-09-20 08:27:23.506 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:27:23.507 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i cannot deny myself the gratification of inserting southey's reply -Output Transcription: i cannot deny myself the gratification of inserting so these reply -2021-09-20 08:27:23.508 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.200000 -2021-09-20 08:27:23.509 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: no doubt in process of time the ladies will follow -Output Transcription: no doubt in process of time the ladies will follow -2021-09-20 08:27:23.509 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:27:23.510 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: and in this last action he falls into the classic sin of pride -Output Transcription: and in this last action he falls into the classic sin of pride -2021-09-20 08:27:23.510 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:27:23.510 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i am very uneasy about it whatever it is i can't help it -Output Transcription: i am very uneasy about it whatever it is i can't help it -2021-09-20 08:27:23.511 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:27:23.512 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: each day has its own great grief or its little care -Output Transcription: each day has its own great green for its little care -2021-09-20 08:27:23.513 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.181818 -2021-09-20 08:27:23.516 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: then i will get me a farm and will winter in that land now who will follow me -Output Transcription: then i will get me a farm will winner in that land now who will follow me -2021-09-20 08:27:23.518 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.111111 -2021-09-20 08:27:23.520 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: and he made a little dip of his cane towards brandon hall over his shoulder -Output Transcription: and he made a little dip of his cane towards branded all over his shoulder -2021-09-20 08:27:23.522 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.133333 -2021-09-20 08:27:23.523 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: this knowledge is memory in one sense though in another it is not -Output Transcription: this knowledge is memory in one sense though in another it is not -2021-09-20 08:27:23.523 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:27:23.524 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: and what was the subject of the poem said the person who made the remark -Output Transcription: and what was the subject of the poem said the person who made the remark -2021-09-20 08:27:23.524 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:27:23.526 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the hours passed wearily by and movement could yet be heard about the hall -Output Transcription: the hours past wearily by and movement could yet be heard about the hall -2021-09-20 08:27:23.528 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.071429 -2021-09-20 08:27:23.530 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: he might have had that forged check for the face of it if he'd been sharp -Output Transcription: he might have had that for check for the face of it if he'd been sharp -2021-09-20 08:27:23.532 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.062500 -2021-09-20 08:27:23.533 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: john taylor who had supported her through college was interested in cotton -Output Transcription: john taylor who had supported her through college was interested in cotton -2021-09-20 08:27:23.533 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:27:23.534 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: people suffer in the light excess burns -Output Transcription: people suffer in the light excess burns -2021-09-20 08:27:23.534 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:27:23.536 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: come forth worm and the silent valley to thy pensive queen -Output Transcription: come forth worm in the silent valley to thy pensive queen -2021-09-20 08:27:23.537 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.090909 -2021-09-20 08:27:23.539 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: that a style is restrained or severe does not mean that it is also erroneous -Output Transcription: that style is restrained or severe does not mean that it is also erroneous -2021-09-20 08:27:23.541 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.066667 -2021-09-20 08:27:23.541 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: it was the indian whose dark silhouette appeared suddenly upon his blind -Output Transcription: it was the indian whose dark silhouette appeared suddenly upon his blind -2021-09-20 08:27:23.542 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:27:23.543 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: then she gave a little laugh and replied no miss beth i'm elizabeth parsons -Output Transcription: then she gave a little laugh and replied no miss beth am elizabeth parsons -2021-09-20 08:27:23.545 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.071429 -2021-09-20 08:27:23.546 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: vast importance and influence of this mental furnishing -Output Transcription: vast importance and influence of this mental furnishing -2021-09-20 08:27:23.546 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:27:23.548 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: servadac took it for granted that the dobryna was endeavoring to put in -Output Transcription: serv adac took it for granted that the dorina was endeavoring to put in -2021-09-20 08:27:23.550 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.230769 -2021-09-20 08:27:23.551 | INFO | deepspeech2x.model:test:372 - Error rate [wer] (960/?) = 0.080820 -2021-09-20 08:27:25.895 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: that won't last it will go away and things will be just as they used to -Output Transcription: that won't last it will go away and things will be just as they used to -2021-09-20 08:27:25.896 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:27:25.896 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: a new member of the family circle who instantly attracted my attention entered the room -Output Transcription: a new member of the family circle who instantly attracted my attention entered the room -2021-09-20 08:27:25.897 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:27:25.898 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: come and get the boolooroo she said going toward the benches -Output Transcription: come and get the coolaroo she said going toward the benches -2021-09-20 08:27:25.899 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.090909 -2021-09-20 08:27:25.899 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: consumption becomes a larger element in the standard of living in the city than in the country -Output Transcription: consumption becomes a larger element in the standard of living in the city than in the country -2021-09-20 08:27:25.899 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:27:25.900 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: he spoke simply but paced up and down the narrow cell in front of them -Output Transcription: he spoke simply but paced up and down the narrow cell in front of them -2021-09-20 08:27:25.915 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:27:25.917 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: so there is to me added sandford with a sarcastic sneer -Output Transcription: so there is to me added sanford with a sarcastic near -2021-09-20 08:27:25.918 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.181818 -2021-09-20 08:27:25.918 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: thy ways greatly try me ruth and all thy relations -Output Transcription: thy ways greatly try me ruth and all thy relations -2021-09-20 08:27:25.918 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:27:25.920 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: we'll come in here this afternoon with old clothes on and have a regular house cleaning -Output Transcription: or come in here this afternoon with old clothes on and half a regular house cleaning -2021-09-20 08:27:25.922 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.125000 -2021-09-20 08:27:25.925 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: they asked him to come to see them in chelsea and they spoke very tenderly of hilda -Output Transcription: they asked him to come to see them in chelsea and they spoke very tenderly of helder -2021-09-20 08:27:25.927 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.058824 -2021-09-20 08:27:25.929 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: she blushed and smiled and fumbled his card in her confusion before she ran upstairs -Output Transcription: she blushed and smiled and followed his card in her confusion before she ran upstairs -2021-09-20 08:27:25.931 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.066667 -2021-09-20 08:27:25.932 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: socrates begins the timaeus with a summary of the republic -Output Transcription: sovereignties begins to tears with a summary of the republic -2021-09-20 08:27:25.933 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.300000 -2021-09-20 08:27:25.934 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the modern organization of industry works in the same direction also by another line -Output Transcription: the modern organization of industry works in the same direction also by another line -2021-09-20 08:27:25.934 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:27:25.934 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i am by no means old said the fir tree -Output Transcription: i am by no means old said the fir tree -2021-09-20 08:27:25.934 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:27:25.935 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: on friday confession will be heard all the afternoon after beads -Output Transcription: on friday confession will be heard all the afternoon after beads -2021-09-20 08:27:25.935 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:27:25.936 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: father thee's unjust to philip he's going into business -Output Transcription: father these unjust to philip he's going into business -2021-09-20 08:27:25.937 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.111111 -2021-09-20 08:27:25.938 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: tis fine for you to talk old man answered the lean sullen apprentice -Output Transcription: it is fine for you to talk old man answered the lean sullen apprentice -2021-09-20 08:27:25.940 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.153846 -2021-09-20 08:27:25.940 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the hawk sat upon the branch and watched his quarry swimming beneath the surface -Output Transcription: the hawk sat upon the branch and watched his quarry swimming beneath the surface -2021-09-20 08:27:25.941 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:27:25.941 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: and besides suppose thee does learn medicine -Output Transcription: and besides suppose the does lured medicine -2021-09-20 08:27:25.942 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.285714 -2021-09-20 08:27:25.942 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: it is possible that i may be in a position then to indicate some course of action -Output Transcription: it is possible that i may be in a position then to indicate some course of action -2021-09-20 08:27:25.942 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:27:25.944 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the only cheerful conversation was the conversation across the table between naomi and me -Output Transcription: the only cheerful conversation was the conversation across the table between a man me -2021-09-20 08:27:25.946 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.142857 -2021-09-20 08:27:25.946 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i'm running for representative on the republican ticket said kenneth quietly -Output Transcription: i'm running for representative on the republican ticket said kenneth quietly -2021-09-20 08:27:25.946 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:27:25.946 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: yes but the meridian of the palais royal is the most exact -Output Transcription: yes but the meridian of the palais royal is the most exact -2021-09-20 08:27:25.947 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:27:25.948 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the salient features of this development of domestic service have already been indicated -Output Transcription: the salon features of this development of domestic service have already been indicated -2021-09-20 08:27:25.950 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.076923 -2021-09-20 08:27:25.950 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: a feeling of freedom and i was awake where -Output Transcription: a feeling of freedom and i was awake where -2021-09-20 08:27:25.950 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:27:25.950 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: once fairly a wing however he wheeled and made back hurriedly for his perch -Output Transcription: once fairly a wing however he wheeled and made back hurriedly for his perch -2021-09-20 08:27:25.951 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:27:25.951 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: positively heroic added cresswell avoiding his sister's eyes -Output Transcription: positively heroic added criswell avoiding his sister's eyes -2021-09-20 08:27:25.952 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.125000 -2021-09-20 08:27:25.953 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: tis now winter out of doors thought the tree -Output Transcription: it is now winter out of doors thought the tree -2021-09-20 08:27:25.954 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.222222 -2021-09-20 08:27:25.954 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: this thought however did not enter the heads of the enthusiastic pair -Output Transcription: this thought however did not enter the heads of the enthusiastic pair -2021-09-20 08:27:25.955 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:27:25.955 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: not at all you are on the contrary most agreeable to me -Output Transcription: not at all you are on the contrary most agreeable to me -2021-09-20 08:27:25.956 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:27:25.957 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the others resented postponement but it was just his scruples that charmed me -Output Transcription: the others resented postponement but it was just his scruples the charmed me -2021-09-20 08:27:25.959 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.076923 -2021-09-20 08:27:25.960 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: it was on the last day of january that the repairs of the schooner were completed -Output Transcription: it was on the last day of january that the repairs of the schooner were completed -2021-09-20 08:27:25.960 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:27:25.960 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the shadow of the raft was clearly outlined upon the surface of the waves -Output Transcription: the shadow of the raft was clearly outlined upon the surface of the waves -2021-09-20 08:27:25.961 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:27:25.962 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i will if timaeus approves i approve -Output Transcription: i will it to me is approves i approve -2021-09-20 08:27:25.963 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.571429 -2021-09-20 08:27:25.963 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: never mind now interposed the captain we will talk of that by and by -Output Transcription: never mind now interposed the captain we will talk of that by and by -2021-09-20 08:27:25.964 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:27:25.965 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: we sat with the officers some little time after dinner and then went ashore -Output Transcription: we sat with the officer some little time after dinner and then went ashore -2021-09-20 08:27:25.968 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.071429 -2021-09-20 08:27:25.968 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: this was what did the mischief so far as the running away was concerned -Output Transcription: this was what did the mischief so far as the running away was concerned -2021-09-20 08:27:25.968 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:27:25.970 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: once in action he was leading a detachment of infantry through an intrenchment -Output Transcription: once an action he was leading a detachment of infantry through an entrenchment -2021-09-20 08:27:25.972 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.153846 -2021-09-20 08:27:25.972 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: you have come to us threatening us with absolute destruction -Output Transcription: you have come to us threatening us with absolute destruction -2021-09-20 08:27:25.973 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:27:25.975 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: fairview was twelve miles away but by ten o'clock they drew up at the county jail -Output Transcription: fairview is twelve miles away but by ten o'clock they drew up at the county trail -2021-09-20 08:27:25.977 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.125000 -2021-09-20 08:27:25.978 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i suppose though it's too early for them then came the explosion -Output Transcription: i suppose though it's too early for them then came the explosion -2021-09-20 08:27:25.978 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:27:25.978 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: yes but perhaps i frightened her in what way -Output Transcription: yes but perhaps i frightened her in what way -2021-09-20 08:27:25.979 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:27:25.980 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: you see my friend it's an issue of the monster the notorious narwhale -Output Transcription: you see my friend it's an issue of the monster that notorious narwhal -2021-09-20 08:27:25.982 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.153846 -2021-09-20 08:27:25.983 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: pearl saw and gazed intently but never sought to make acquaintance -Output Transcription: pearl saw and gazed intently but never sought to make acquaintance -2021-09-20 08:27:25.983 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:27:25.985 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: and if i had a fortune would thee want me to lead a useless life -Output Transcription: and if i had a fortune would he want me to lead a useless life -2021-09-20 08:27:25.987 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.066667 -2021-09-20 08:27:25.988 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the phrase and the day and the scene harmonized in a chord -Output Transcription: the phrase and the day and the scene harmonized in accord -2021-09-20 08:27:25.989 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.166667 -2021-09-20 08:27:25.991 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: you see loving some one as i love you makes the whole world different -Output Transcription: you see loving someone as i love you mix the whole world different -2021-09-20 08:27:25.993 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.214286 -2021-09-20 08:27:25.994 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: olive's mournful black eyes met nancy's sparkling brown ones -Output Transcription: olives mournful black eyes meant nancy sparkling brown lands -2021-09-20 08:27:25.995 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.444444 -2021-09-20 08:27:25.995 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: a cold bright moon was shining with clear sharp lights and shadows -Output Transcription: a cold bright moon was shining with clear sharp lights and shadows -2021-09-20 08:27:25.996 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:27:25.997 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: it is necessary therefore that he should comply the king frowned -Output Transcription: it is necessary therefore that he should comply the king frowned -2021-09-20 08:27:25.997 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:27:25.997 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: but this was what the tree could not bear to hear -Output Transcription: but this was what the tree could not bear to hear -2021-09-20 08:27:25.998 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:27:25.999 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: is thee going to the yearly meeting ruth asked one of the girls -Output Transcription: is the going to the yearly meeting ruth asked one of the girls -2021-09-20 08:27:26.001 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.076923 -2021-09-20 08:27:26.001 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: but the plant ran and it was the first three wire station in this country -Output Transcription: but the plant ran and it was the first three wire station in this country -2021-09-20 08:27:26.001 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:27:26.003 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: what of the farm olaf not yet i answered viking is better for summer -Output Transcription: what is the farm all off not yet i answered biking is better for summer -2021-09-20 08:27:26.005 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.285714 -2021-09-20 08:27:26.008 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: some girl has been here twice to interview my men and i have refused to admit her -Output Transcription: some girl has been in here twice to interview my men and i have refused to admit her -2021-09-20 08:27:26.010 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.058824 -2021-09-20 08:27:26.011 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: we ought to have more attendants beth said louise approaching her cousin -Output Transcription: we ought to have more attendants beth said louise approaching her cousin -2021-09-20 08:27:26.011 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:27:26.013 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: as a matter of fact he could not said soames for i entered by the side door -Output Transcription: as a matter of fact he could not said solms for i entered by the side door -2021-09-20 08:27:26.016 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.058824 -2021-09-20 08:27:26.018 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: master monceux the sheriff of nottingham was mightily put about when told of the rioting -Output Transcription: master monceau the sheriff of nottingham was mightily put about when told of the rioting -2021-09-20 08:27:26.020 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.066667 -2021-09-20 08:27:26.020 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: nature of the effect produced by early impressions -Output Transcription: nature of the effect produced by early impressions -2021-09-20 08:27:26.021 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:27:26.021 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the army found the people in poverty and left them in comparative wealth -Output Transcription: the army found the people in poverty and left them in comparative wealth -2021-09-20 08:27:26.021 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:27:26.023 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: you hear what sir ferdinando brown has said replied captain battleax -Output Transcription: you hear what sir ferdinand o brown a sad replied captain battle axe -2021-09-20 08:27:26.024 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.545455 -2021-09-20 08:27:26.026 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: can you imagine why buckingham has been so violent i suspect -Output Transcription: can you imagine my buckingham has been so violent i suspect -2021-09-20 08:27:26.027 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.090909 -2021-09-20 08:27:26.027 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: there is even a white row of beehives in the orchard under the walnut trees -Output Transcription: there is even a white row of beehives in the orchard under the walnut trees -2021-09-20 08:27:26.028 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:27:26.028 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i am not depreciating it when i say that in these times it is not rare -Output Transcription: i am not depreciating it when i say that in these times it is not rare -2021-09-20 08:27:26.028 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:27:26.029 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the servants as well as the young ladies decorated it -Output Transcription: the servants as well as the young ladies decorated it -2021-09-20 08:27:26.029 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:27:26.030 | INFO | deepspeech2x.model:test:372 - Error rate [wer] (1024/?) = 0.080017 -2021-09-20 08:27:31.310 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i did not wrong myself so but i placed a wrong on thee -Output Transcription: i did not wrong myself so but i placed a wrong on the -2021-09-20 08:27:31.312 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.076923 -2021-09-20 08:27:31.312 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the parliament and the scots laid their proposals before the king -Output Transcription: the parliament and the scots laid their proposals before the king -2021-09-20 08:27:31.313 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:27:31.313 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i am not complaining that the rate is slow but that the sea is so wide -Output Transcription: i am not complaining that the rate is slow but that the sea is so wide -2021-09-20 08:27:31.313 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:27:31.316 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: on the other hand we are not to regard them as so terrible that we must despair -Output Transcription: on the other hand we are not to regard them is so terrible that we must despair -2021-09-20 08:27:31.318 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.058824 -2021-09-20 08:27:31.319 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: gentlemen to your posts whereupon saint aignan and villeroy took their leave -Output Transcription: gentleman to your posts whereupon saint and yon and valerio their leave -2021-09-20 08:27:31.321 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.416667 -2021-09-20 08:27:31.321 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: why one morning there came a quantity of people and set to work in the loft -Output Transcription: why one morning there came a quantity of people and set to work in the loft -2021-09-20 08:27:31.321 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:27:31.321 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: would not the loftiest eminences of the city at least be visible -Output Transcription: would not the loftiest eminences of the city at least be visible -2021-09-20 08:27:31.322 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:27:31.322 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: something better something still grander must follow but what -Output Transcription: something better something still grandeur must follow but what -2021-09-20 08:27:31.323 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.111111 -2021-09-20 08:27:31.323 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: yet these thoughts affected hester prynne less with hope than apprehension -Output Transcription: yet these thoughts affected hester prynne less with hope than apprehension -2021-09-20 08:27:31.324 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:27:31.325 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: at the emerald city where our princess ozma lives green is the popular color -Output Transcription: at the emerald city where our princess ozma lives green is a popular color -2021-09-20 08:27:31.327 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.071429 -2021-09-20 08:27:31.329 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: bartley started when hilda rang the little bell beside her dear me why did you do that -Output Transcription: partly started when held to ring a little belt beside her dear me why did you do that -2021-09-20 08:27:31.332 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.352941 -2021-09-20 08:27:31.335 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: it wasn't simply that she said so but that i knew she hadn't i was sure i could see -Output Transcription: boston simply that she said so but that i knew she hadn't i was sure i could see -2021-09-20 08:27:31.337 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.105263 -2021-09-20 08:27:31.339 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: in a general way though not wholly nor consistently these two groups coincide -Output Transcription: in a general way though not wholly not consistently these two groups coincide -2021-09-20 08:27:31.340 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.076923 -2021-09-20 08:27:31.342 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: it was very jolly he murmured lazily as marie came in to take away the coffee -Output Transcription: it was a very jolly he murmured lazily as marie came in to take away the coffee -2021-09-20 08:27:31.344 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.062500 -2021-09-20 08:27:31.345 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: for a long time he had wished to explore the beautiful land of oz in which they lived -Output Transcription: for a long time he had wished to explore the beautiful land of oz in which they lived -2021-09-20 08:27:31.345 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:27:31.347 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: paul takes pride in his ministry not to his own praise but to the praise of god -Output Transcription: politics pride in his ministry not to his own phrase but to the praise of god -2021-09-20 08:27:31.349 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.176471 -2021-09-20 08:27:31.349 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: let us retrace our steps and examine as we go with keener eyes -Output Transcription: let us retrace our steps and examine as we go with keener eyes -2021-09-20 08:27:31.350 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:27:31.351 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: a little bit of plaster tumbled down the chimney and startled me confoundedly -Output Transcription: a little bit of plaster tumbled down the chimney and startled me confounded ly -2021-09-20 08:27:31.353 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.153846 -2021-09-20 08:27:31.355 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: and my pocket money is getting low again and you haven't any left as usual -Output Transcription: and my pocket money is getting low again and you have any left as usual -2021-09-20 08:27:31.356 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.066667 -2021-09-20 08:27:31.358 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: this passage then bears out the fact that all men are sold under sin -Output Transcription: this passage then bears out the fact that all men or sold under sin -2021-09-20 08:27:31.360 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.071429 -2021-09-20 08:27:31.362 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i am stiff with long sitting he said i itch for a fight i turned to the farmer -Output Transcription: i'm stiff with long sitting he said it for our flight i turned to the farmer -2021-09-20 08:27:31.364 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.333333 -2021-09-20 08:27:31.365 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: they snuffed about the fir tree and rustled among the branches -Output Transcription: they snuffed about the fir tree and rustled among the branches -2021-09-20 08:27:31.365 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:27:31.366 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i refer to the thermometer it indicates the figure is obliterated -Output Transcription: i referred to the thermometer it indicates the figure is obliterated -2021-09-20 08:27:31.367 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.090909 -2021-09-20 08:27:31.369 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: no i've made up my mind about it if i'm mabel i'll stay down here -Output Transcription: no i'd made up my mind about it if i'm mabel i'll stay down here -2021-09-20 08:27:31.371 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.066667 -2021-09-20 08:27:31.373 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: we have come from a far lonelier place than this a lonelier place -Output Transcription: we have come from a far lonelier place than this a lonely your place -2021-09-20 08:27:31.374 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.153846 -2021-09-20 08:27:31.375 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the atmosphere is evidently charged and surcharged with electricity -Output Transcription: the atmosphere as evidently charged and surcharge with electricity -2021-09-20 08:27:31.376 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.222222 -2021-09-20 08:27:31.377 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: we are to hear christ who has been appointed by the father as our divine teacher -Output Transcription: we are to hear christ who has been appointed by the father as our divine teacher -2021-09-20 08:27:31.377 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:27:31.379 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: mark my words you'll find him too strong for you aye and too deep -Output Transcription: mark my words you'll find him too strong for you i am too deep -2021-09-20 08:27:31.381 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.142857 -2021-09-20 08:27:31.382 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: conseil i called a third time conseil appeared -Output Transcription: conseil i called a third time conseil appeared -2021-09-20 08:27:31.382 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:27:31.384 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: see that your lives be in nothing worse than a boy's climbing for his entangled kite -Output Transcription: see that your lives be in nothing worse than a boys climbing for his entangled kite -2021-09-20 08:27:31.387 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.062500 -2021-09-20 08:27:31.387 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i entered and i took you into my confidence as to the suggestions of the side table -Output Transcription: i entered and i took you into my confidence as to the suggestions of the side table -2021-09-20 08:27:31.388 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:27:31.389 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: perchance too kaffar's death might serve him in good stead -Output Transcription: perchance to car's death might serve him in good stead -2021-09-20 08:27:31.390 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.200000 -2021-09-20 08:27:31.391 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: grace involves the remission of sins peace and a happy conscience -Output Transcription: grace involves the remission of sins peace and happy conscience -2021-09-20 08:27:31.393 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.090909 -2021-09-20 08:27:31.393 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: it is so made that everywhere we feel the sense of punishment -Output Transcription: it is so made that everywhere we feel the sense of punishment -2021-09-20 08:27:31.393 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:27:31.397 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i didn't stop to think whether it was foolish or not i did it and i'm glad i did -Output Transcription: i didn't stop to think whether it was foolish or not i did it and i'm glad i did it -2021-09-20 08:27:31.400 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.052632 -2021-09-20 08:27:31.400 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i shall be punished for it now i suppose by being drowned in my own tears -Output Transcription: i shall be punished for it now i suppose by being drowned in my own tears -2021-09-20 08:27:31.401 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:27:31.401 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: she has a son theft and a daughter hunger -Output Transcription: she has a son theft and a daughter hunger -2021-09-20 08:27:31.401 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:27:31.404 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: they drew back a little from the entrance and motioned to the supposed conjurer to enter -Output Transcription: they drew back a little from the entrance and motion to the supposed conjurer to enter -2021-09-20 08:27:31.406 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.062500 -2021-09-20 08:27:31.408 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: he began a confused complaint against the wizard who had vanished behind the curtain on the left -Output Transcription: he began to confused complaint against the wizard who had vanished behind the curtain on the left -2021-09-20 08:27:31.411 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.058824 -2021-09-20 08:27:31.412 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: please forgive me for this underhanded way of admitting i had turned forty -Output Transcription: please forgive me for this underhanded way of admitting that i had turned forty -2021-09-20 08:27:31.414 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.076923 -2021-09-20 08:27:31.416 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: he seemed to wait for her reply but as she made none he proceeded -Output Transcription: he seemed to wait for her reply but as she may not he proceeded -2021-09-20 08:27:31.418 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.142857 -2021-09-20 08:27:31.420 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i was bookkeeper so it was easy to get a blank check and forge the signature -Output Transcription: i was bitkeeper so it was easy to get a blank check and forged the signature -2021-09-20 08:27:31.423 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.125000 -2021-09-20 08:27:31.426 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: at tea time they were sad and silent and the meal went away untouched by any of the three -Output Transcription: at tea time they were sad and silent and the meal went away and touched by any of the three -2021-09-20 08:27:31.429 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.105263 -2021-09-20 08:27:31.432 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the strollers took their part in it with hearty zest now that they had some chance of beating off their foes -Output Transcription: the stroller took their part in it with hearts as now that they had some chance of beating off their foes -2021-09-20 08:27:31.436 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.142857 -2021-09-20 08:27:31.437 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: by the by i've never seen your dairy i must see your dairy missus poyser -Output Transcription: by the by i've never seen your dear monsieur dary missus poyser -2021-09-20 08:27:31.440 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.400000 -2021-09-20 08:27:31.440 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the world is all there just as it used to be but i can't get at it any more -Output Transcription: the world is all there just as it used to be but i can't get at it any more -2021-09-20 08:27:31.440 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:27:31.441 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: rejoice in our presence said the air and the sunlight -Output Transcription: my choice in our presence said the air and the sunlight -2021-09-20 08:27:31.442 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.200000 -2021-09-20 08:27:31.443 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: but i would not speak at the time because i wanted to refresh my memory -Output Transcription: but i would not speak at the time because i wanted to refresh my memory -2021-09-20 08:27:31.443 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:27:31.445 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: re enter butler and three footmen who remove the tea things hostess to guest -Output Transcription: reenter buttler and three footmen who moved the tea things hoses to guest -2021-09-20 08:27:31.447 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.357143 -2021-09-20 08:27:31.449 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: you will allow me to suggest said he that that is a matter of opinion -Output Transcription: you will allow me to suggest said he but that is a matter of opinion -2021-09-20 08:27:31.451 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.066667 -2021-09-20 08:27:31.453 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: old will is a fine fellow but poor and helpless since missus rogers had her accident -Output Transcription: old well is a fine fellow but poor and helpless since missus rogers had her accident -2021-09-20 08:27:31.455 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.062500 -2021-09-20 08:27:31.456 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the cloud then shewd his golden head and his bright form emerg'd -Output Transcription: the cloud then showed his golden head and his bright form emerged -2021-09-20 08:27:31.458 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.166667 -2021-09-20 08:27:31.459 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: or an eye of gifts and graces showring fruits and coined gold -Output Transcription: or an eye of gifts and graces showering fruits and poignant gold -2021-09-20 08:27:31.461 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.166667 -2021-09-20 08:27:31.463 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: he looked up at naomi doubtingly from his plate and looked down again slowly with a frown -Output Transcription: he looked up and nominating ly from his play and looked down again slowly with a frown -2021-09-20 08:27:31.466 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.235294 -2021-09-20 08:27:31.468 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: at the prow i carved the head with open mouth and forked tongue thrust out -Output Transcription: at the prowar car of the head with open mouth and forked tongue thrust out -2021-09-20 08:27:31.470 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.200000 -2021-09-20 08:27:31.470 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: you resemble me rachel you are fearless and inflexible and generous -Output Transcription: you resemble me rachel you are fearless and inflexible and generous -2021-09-20 08:27:31.471 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:27:31.472 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: holmes turned away and stooped suddenly to the floor halloa what's this -Output Transcription: holmes turned away and stooped suddenly to the floor hello what is this -2021-09-20 08:27:31.474 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.250000 -2021-09-20 08:27:31.474 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: did anyone know that these proofs would be there no one save the printer -Output Transcription: did anyone know that these proofs would be there no one save the printer -2021-09-20 08:27:31.474 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:27:31.476 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: already a north and a south were talked of why not set up also a west -Output Transcription: already a north and south were talked of why not set up also a west -2021-09-20 08:27:31.478 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.062500 -2021-09-20 08:27:31.479 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: oh it is better to live on the sea and let other men raise your crops and cook your meals -Output Transcription: oh it is better to live on the sea and let other men raise your crops and cook your meals -2021-09-20 08:27:31.479 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:27:31.480 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: to give an idea of these conversations i will report one of them in full -Output Transcription: to give an idea of these conversations i will report one of them in full -2021-09-20 08:27:31.480 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:27:31.481 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: hose man's excuse for wetting the walk -Output Transcription: hose man's excuse for wetting the walk -2021-09-20 08:27:31.481 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:27:31.482 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: that is all quite true mister neverbend said sir ferdinando brown -Output Transcription: that is all quite true mister never been said sir ferdinando brown -2021-09-20 08:27:31.484 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.181818 -2021-09-20 08:27:31.485 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: for a moment gilchrist with upraised hand tried to control his writhing features -Output Transcription: for a moment gilchrist with upraised hand tried to control his writing features -2021-09-20 08:27:31.487 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.076923 -2021-09-20 08:27:31.488 | INFO | deepspeech2x.model:test:372 - Error rate [wer] (1088/?) = 0.081750 -2021-09-20 08:27:34.099 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: we won't talk about her any more if you'd rather not we indeed -Output Transcription: we won't talk about her any more if you'd rather not' we indeed -2021-09-20 08:27:34.101 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.076923 -2021-09-20 08:27:34.102 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: when we were out in the darkness of the quadrangle we again looked up at the windows -Output Transcription: when we were out in the darkness of the quadrangle we again looked up at the windows -2021-09-20 08:27:34.102 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:27:34.102 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the greatness of the ransom christ the son of god indicates this -Output Transcription: the greatness of the ransom christ the son of god indicates this -2021-09-20 08:27:34.102 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:27:34.104 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: but in such a case miss milner's election of a husband shall not direct mine -Output Transcription: but in such a case miss miller's election of a husband shall not direct mine -2021-09-20 08:27:34.106 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.066667 -2021-09-20 08:27:34.106 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i say you do know what this means and you must tell us -Output Transcription: i say you do know what this means and you must tell us -2021-09-20 08:27:34.107 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:27:34.107 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: her regard shifted to the green stalks and leaves again and she started to move away -Output Transcription: her regard shifted to the green stalks and leaves again and she started to move away -2021-09-20 08:27:34.107 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:27:34.107 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: it was in a corner that he lay among weeds and nettles -Output Transcription: it was in a corner that he lay among weeds and nettles -2021-09-20 08:27:34.108 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:27:34.109 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: at the same time paul confirms our creed that christ is very god -Output Transcription: at the same time paul confirms are creed that christ is very god -2021-09-20 08:27:34.110 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.076923 -2021-09-20 08:27:34.111 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: seeing that i am so fine i may as well go and visit the king -Output Transcription: seeing that i am so fine i may as well go and visit the king -2021-09-20 08:27:34.111 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:27:34.113 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: what is your country olaf have you always been a thrall the thrall's eyes flashed -Output Transcription: what is your country alot have you always been a thrall the thralls eyes flashed -2021-09-20 08:27:34.115 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.133333 -2021-09-20 08:27:34.115 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: someone else told a story not particularly effective which i saw he was not following -Output Transcription: someone else told a story not particularly effective which i saw he was not following -2021-09-20 08:27:34.115 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:27:34.115 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i get tired of seeing men and horses going up and down up and down -Output Transcription: i get tired of seeing men and horses going up and down up and down -2021-09-20 08:27:34.116 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:27:34.116 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: each will therefore serve about equally well during the earlier stages of social growth -Output Transcription: each will therefore serve about equally well during the earlier stages of social growth -2021-09-20 08:27:34.116 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:27:34.118 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: but i wrestled with this fellow and do know that he played unfairly in the second bout -Output Transcription: but i wrestled with this fellow and do know that he played on fairly in the second bout -2021-09-20 08:27:34.121 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.117647 -2021-09-20 08:27:34.121 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: will whispered robin opening his door as he spoke are you ready -Output Transcription: will whispered robin opening his door as he spoke are you ready -2021-09-20 08:27:34.121 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:27:34.122 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: congratulations were poured in upon the princess everywhere during her journey -Output Transcription: congratulations were poured in upon the princess everywhere during her journey -2021-09-20 08:27:34.122 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:27:34.124 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: how brown you've got since you came home i wish i had an athlete to mow my orchard -Output Transcription: how brown you've got since you came home i wish i had an athlete to mo my orchard -2021-09-20 08:27:34.127 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.055556 -2021-09-20 08:27:34.127 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the twin brother did something she didn't like and she turned his picture to the wall -Output Transcription: the twin brother did something she didn't like and she turned his picture to the wall -2021-09-20 08:27:34.127 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:27:34.129 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i didn't have any fears if i worked it rightly said the old gentleman complacently -Output Transcription: i didn't have any fears if i worked at rightly said the old gentleman complacently -2021-09-20 08:27:34.131 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.066667 -2021-09-20 08:27:34.132 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i remember now and i congratulate myself do you love any one -Output Transcription: i remember now and i congratulate myself do you love anyone -2021-09-20 08:27:34.134 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.166667 -2021-09-20 08:27:34.135 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the hawk alighted on the dead branch and sat upright motionless as if surprised -Output Transcription: the hack alighted on the dead branch and sat upright motionless as if surprised -2021-09-20 08:27:34.137 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.071429 -2021-09-20 08:27:34.138 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: hilda's face quivered but she whispered yes i think it must have been -Output Transcription: held his face quivered but she whispered yes i think it must have been -2021-09-20 08:27:34.140 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.153846 -2021-09-20 08:27:34.140 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: my tongue refused to articulate my power of speech left me -Output Transcription: my tongue refused to articulate my power of speech left me -2021-09-20 08:27:34.141 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:27:34.143 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: but this subject will be more properly discussed when we treat of the different races of mankind -Output Transcription: but this subject will be more properly disgust when retreat of the different races of mankind -2021-09-20 08:27:34.145 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.176471 -2021-09-20 08:27:34.145 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: a sudden impulse came over him to enter and see if they were indeed the proofs -Output Transcription: a sudden impulse came over him to enter and see if they were indeed the proofs -2021-09-20 08:27:34.145 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:27:34.147 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: as for the ichthyosaurus has he returned to his submarine cavern -Output Transcription: as for the in thesaurus as he returned whose submarine cavern -2021-09-20 08:27:34.148 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.454545 -2021-09-20 08:27:34.150 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: these escapades are not for old gamewell lad his day has come to twilight -Output Transcription: these escapades are not for old game well lad his day has come to twilight -2021-09-20 08:27:34.153 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.142857 -2021-09-20 08:27:34.153 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: a brisk wind had come up and was driving puffy white clouds across the sky -Output Transcription: a brisk wind had come up and was driving puffy white clouds across the sky -2021-09-20 08:27:34.154 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:27:34.154 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: this was so sweet a lady sir and in some manner i do think she died -Output Transcription: this was so sweet a lady sir and in some manner i do think she died -2021-09-20 08:27:34.155 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:27:34.157 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: well if i don't know who she was in love with i know who he was -Output Transcription: for if i don't know who she was in love with i know who he was -2021-09-20 08:27:34.159 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.062500 -2021-09-20 08:27:34.160 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: then good bye said the rats and they went home -Output Transcription: then good bye said the rats and they went home -2021-09-20 08:27:34.160 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:27:34.162 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the paris plant like that at the crystal palace was a temporary exhibit -Output Transcription: the paris planned like that of the crystal palace was a temporary exhibit -2021-09-20 08:27:34.163 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.153846 -2021-09-20 08:27:34.164 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the weather if we may use that term will change before long -Output Transcription: the weather if we may use the term will change before long -2021-09-20 08:27:34.166 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.083333 -2021-09-20 08:27:34.167 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: robin carefully descended the ladder and found himself soon upon firm rocky ground -Output Transcription: robin carefully descended the latter and found himself soon upon firm rocky ground -2021-09-20 08:27:34.169 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.076923 -2021-09-20 08:27:34.170 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: monsieur was the only one who did not understand anything about the matter -Output Transcription: monsieur was the only one who did not understand anything about the matter -2021-09-20 08:27:34.170 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:27:34.171 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the golden fleece it's the silver fleece he harkened -Output Transcription: the golden fleece it's the silver fleece he hearkened -2021-09-20 08:27:34.172 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.111111 -2021-09-20 08:27:34.172 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: oh what a record to read what a picture to gaze upon how awful the fact -Output Transcription: oh what a record to read what a picture to gaze upon how awful the fact -2021-09-20 08:27:34.173 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:27:34.173 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the combined bands of both the countries played the music and a fine supper was served -Output Transcription: the combined bands of both the countries played the music and a fine supper was served -2021-09-20 08:27:34.174 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:27:34.175 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: shame on you citizens cried he i blush for my fellows of nottingham -Output Transcription: shaman citizens cried he i blush for my fellows of nottingham -2021-09-20 08:27:34.177 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.230769 -2021-09-20 08:27:34.177 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i pass away yet i complain and no one hears my voice -Output Transcription: i pass away yet i complain and no one hears my voice -2021-09-20 08:27:34.177 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:27:34.180 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i could not see my boy injured excellence for but doing his duty as one of cumberland's sons -Output Transcription: i could not see my boy injured excellence for but doing his duty as one of cumberland sons -2021-09-20 08:27:34.182 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.055556 -2021-09-20 08:27:34.183 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: a story cried the children drawing a little fat man towards the tree -Output Transcription: a story cried the children drawing a little fat man towards the tree -2021-09-20 08:27:34.184 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:27:34.185 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: it is too difficult replied mademoiselle de tonnay charente laughing loudly -Output Transcription: it is too difficult replied mademoiselle de tanisha and laughing loudly -2021-09-20 08:27:34.186 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.181818 -2021-09-20 08:27:34.186 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: most people talk too much so it is a relief to find one who talks too little -Output Transcription: most people talk too much so it is a relief to find one who talks too little -2021-09-20 08:27:34.187 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:27:34.188 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: oh ever so much only he seems kind of staid and school teachery -Output Transcription: oh ever so much only he seems kind of staad and school teacher -2021-09-20 08:27:34.190 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.153846 -2021-09-20 08:27:34.191 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: solon marvelled and desired to be informed of the particulars -Output Transcription: sullen marvelled and desire to be informed of the particulars -2021-09-20 08:27:34.192 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.200000 -2021-09-20 08:27:34.194 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i'll not be wicked any more sighed the old boolooroo i'll reform -Output Transcription: not be wicked any more sighed the old booooo i'll reform -2021-09-20 08:27:34.195 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.166667 -2021-09-20 08:27:34.197 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: but the bear instead of obeying maintained the seat it had taken and growled -Output Transcription: but the bear instead of obeying maintain the seat it had taken and growled -2021-09-20 08:27:34.199 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.071429 -2021-09-20 08:27:34.200 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: but john there's no society just elementary work -Output Transcription: but john there is no society just elementary work -2021-09-20 08:27:34.200 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.250000 -2021-09-20 08:27:34.202 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: but don't these very wise things sometimes turn out very foolishly -Output Transcription: but do these very wise things sometimes turn out very foolishly -2021-09-20 08:27:34.203 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.090909 -2021-09-20 08:27:34.203 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: and the whole night the tree stood still and in deep thought -Output Transcription: and the whole night the tree stood still and in deep thought -2021-09-20 08:27:34.204 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:27:34.206 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: sit down please said gates in a cheerful and pleasant voice there's a bench here -Output Transcription: sitdown place said gates in a cheerful and pleasant voice there's a pincher -2021-09-20 08:27:34.207 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.333333 -2021-09-20 08:27:34.210 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: then he approached it and standing on tiptoe with his neck craned he looked into the room -Output Transcription: then he approached it and standing on tiptoe with his neck crane he looked into the room -2021-09-20 08:27:34.212 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.058824 -2021-09-20 08:27:34.214 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: ill and troubled dear troubled in mind and miserably nervous -Output Transcription: all and trouble dear troubled in mind and miserably nervous -2021-09-20 08:27:34.215 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.200000 -2021-09-20 08:27:34.218 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: cried he waving the lanthorn before him to make sure that these were no ghosts in front of him -Output Transcription: cried he waving the lantern before him to make sure that these were no ghosts in front of him -2021-09-20 08:27:34.221 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.052632 -2021-09-20 08:27:34.222 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: algebra medicine botany have each their slang -Output Transcription: algebra medicine botany have each their slang -2021-09-20 08:27:34.222 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:27:34.224 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: philip lefrank this is my overlooker mister jago said the old man formally presenting us -Output Transcription: fillable trying this is my overlook er mister jago said the old man formally presenting us -2021-09-20 08:27:34.226 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.266667 -2021-09-20 08:27:34.227 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: and all his brothers and sisters stood round and listened with their mouths open -Output Transcription: and all his brothers and sisters stood round and listened with their mouths open -2021-09-20 08:27:34.227 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:27:34.228 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: when she used to tell me about him i always wondered whether she wasn't a little in love with him -Output Transcription: when she used to tell me about him i always wondered whether she wasn't a little in love with him -2021-09-20 08:27:34.228 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:27:34.228 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: through the black night rain he sang to her window bars -Output Transcription: through the black night rain he sang to her window bars -2021-09-20 08:27:34.229 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:27:34.231 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: but it is the cigarette which chiefly has brought the modern drama to its present state of perfection -Output Transcription: but it is the cigarette which chiefly has brought the wonder drama to its present state of perfection -2021-09-20 08:27:34.234 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.055556 -2021-09-20 08:27:34.235 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: pride after satisfaction uplifted him like long slow waves -Output Transcription: pride after satisfaction uplifted him like long slow waves -2021-09-20 08:27:34.235 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:27:34.238 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: you're a rare un for sitting down to your work a little while after it's time to put by -Output Transcription: you are raring for sitting down to your work a little while after it's time to put by -2021-09-20 08:27:34.241 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.210526 -2021-09-20 08:27:34.241 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: this was a formidable array of advantages slavery was playing with loaded dice -Output Transcription: this was a formidable array of advantages slavery was playing with loaded dice -2021-09-20 08:27:34.241 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:27:34.243 | INFO | deepspeech2x.model:test:372 - Error rate [wer] (1152/?) = 0.081012 -2021-09-20 08:27:38.783 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i thought we were stumped again when i first saw that picture but it's been of some use after all -Output Transcription: i thought we were stumped again when i first saw that picture but it sin of some use after all -2021-09-20 08:27:38.786 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.100000 -2021-09-20 08:27:38.787 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the terms of grace and peace are common terms with paul and are now pretty well understood -Output Transcription: the terms of grace and peace are common terms with paul and are now pretty well understood -2021-09-20 08:27:38.787 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:27:38.789 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: soft heart he said gently to her then to thorkel well let him go thorkel -Output Transcription: soft heart he said gently to her then tutorial well let him go take -2021-09-20 08:27:38.791 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.200000 -2021-09-20 08:27:38.793 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: eliza closed the door behind her with a decided slam and a key clicked in the lock -Output Transcription: eliza closed the door behind her with a decided slam and he clicked in the lock -2021-09-20 08:27:38.796 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.117647 -2021-09-20 08:27:38.796 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: in the silence their dark fire kindled the dusk into a tawny glow -Output Transcription: in the silence their dark fire kindled the dusk into a tawny glow -2021-09-20 08:27:38.796 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:27:38.797 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: it must be as wide as the mediterranean or the atlantic and why not -Output Transcription: it must be as wide as the mediterranean or the atlantic and why not -2021-09-20 08:27:38.797 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:27:38.797 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: this without reckoning in the pains of the heart and so it goes on -Output Transcription: this without reckoning in the pains of the heart and so it goes on -2021-09-20 08:27:38.797 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:27:38.798 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: number ten fresh nelly is waiting on you good night husband -Output Transcription: number ten fresh nelly is waiting on you good night husband -2021-09-20 08:27:38.798 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:27:38.800 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: well what can't be done by main courage in war must be done by circumvention -Output Transcription: well what can't be done by man courage in war must be done by circumvention -2021-09-20 08:27:38.802 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.066667 -2021-09-20 08:27:38.804 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: how long would it take him to do that using every possible contraction a quarter of an hour not less -Output Transcription: how long it take to do that using every possible contraction a quarter of an hour no less -2021-09-20 08:27:38.807 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.150000 -2021-09-20 08:27:38.809 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: is the atmospheric condition having once reached this density to become final -Output Transcription: is the atmosphere condition having once reached is density to become final -2021-09-20 08:27:38.810 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.166667 -2021-09-20 08:27:38.810 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: said the fir tree thinking over what he had himself related -Output Transcription: said the fir tree thinking over what he had himself related -2021-09-20 08:27:38.811 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:27:38.812 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: and lay me down in thy cold bed and leave my shining lot -Output Transcription: and lay me down in my cold bed and leave my shining light -2021-09-20 08:27:38.814 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.153846 -2021-09-20 08:27:38.816 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: lord john taking out gold cigarette case from his left hand upper waistcoat pocket -Output Transcription: lord john taking out gold cigarette case from his left hand upper west coast pocket -2021-09-20 08:27:38.817 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.142857 -2021-09-20 08:27:38.819 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: when the king comes to paris everybody calls out vive le roi -Output Transcription: when the king comes to paris everybody calls out fiery -2021-09-20 08:27:38.820 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.250000 -2021-09-20 08:27:38.820 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: she ran to her husband's side at once and helped him lift the four kettles from the fire -Output Transcription: she ran to her husband's side at once and helped him lift the four kettles from the fire -2021-09-20 08:27:38.820 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:27:38.821 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: it'll be no use their putting their heads down and saying come up again dear -Output Transcription: it'll be no use their putting their heads down and saying come up again dear -2021-09-20 08:27:38.821 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:27:38.825 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i have a letter here mister soames which i wrote to you early this morning in the middle of a restless night -Output Transcription: i have a letter here mister psalms which i wrote to you early this morning in the middle of a restless night -2021-09-20 08:27:38.829 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.045455 -2021-09-20 08:27:38.829 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: cotton is a wonderful thing is it not boys she said rather primly -Output Transcription: cotton is a wonderful thing is it not boys she said rather primly -2021-09-20 08:27:38.829 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:27:38.832 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: they do not go where the enemies of the gospel predominate they go where the christians are -Output Transcription: they do not go where the enemies of the gospel predominate they go we christians are -2021-09-20 08:27:38.834 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.117647 -2021-09-20 08:27:38.836 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: has thee consulted thy mother about a career i suppose it is a career thee wants -Output Transcription: as the consulted thy mother about a career i suppose it is a realy wants -2021-09-20 08:27:38.838 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.250000 -2021-09-20 08:27:38.838 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: they are chiefly formed from combinations of the impressions made in childhood -Output Transcription: they are chiefly formed from combinations of the impressions made in childhood -2021-09-20 08:27:38.839 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:27:38.839 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: what she wanted from us was neither our flowers nor our francs but just our youth -Output Transcription: what she wanted from us was neither our flowers nor our francs but just our youth -2021-09-20 08:27:38.839 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:27:38.839 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: that is one reason you are ojo the unlucky said the woman in a sympathetic tone -Output Transcription: that is one reason you are ojo the unlucky said the woman in a sympathetic tone -2021-09-20 08:27:38.840 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:27:38.840 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: all these honest persons are waiting their turn to get their snuff boxes filled -Output Transcription: all these honest persons are waiting their turn to get their snuff boxes filled -2021-09-20 08:27:38.840 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:27:38.841 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: munny my iron's twite told pease put it down to warm -Output Transcription: money myron stratton peace put it down to warm -2021-09-20 08:27:38.843 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.545455 -2021-09-20 08:27:38.843 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: you would not eat with us you cannot say no to half of my ale i drink this to your health -Output Transcription: you would not eat with us you cannot say no to half of my ale i drink this to your health -2021-09-20 08:27:38.843 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:27:38.844 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the young girls had indeed made themselves small indeed invisible -Output Transcription: the young girls had indeed made themselves small indeed invisible -2021-09-20 08:27:38.845 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:27:38.845 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: our baggage was immediately carried to the deck of the frigate i rushed aboard -Output Transcription: our baggage was immediately carried to the deck of the frigate i rushed aboard -2021-09-20 08:27:38.845 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:27:38.847 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the most famous of them all was the overthrow of the island of atlantis -Output Transcription: the most famous of them all was the overthrow of the island of twenties -2021-09-20 08:27:38.849 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.071429 -2021-09-20 08:27:38.851 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: nothing was to be done but to put about and return in disappointment towards the north -Output Transcription: nothing was to be done but to put about and return and disappointment towards the north -2021-09-20 08:27:38.854 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.062500 -2021-09-20 08:27:38.854 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the leaders of the conspiracy became distrustful of their power to crush the town -Output Transcription: the leaders of the conspiracy became distrustful of their power to crush the town -2021-09-20 08:27:38.855 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:27:38.857 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: mary taylor however related the tale of zora to missus grey's private ear later -Output Transcription: mary tao however related the tale of zor to missus grey's private ear later -2021-09-20 08:27:38.858 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.142857 -2021-09-20 08:27:38.862 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: no thank you i'll just look at the whelps and leave a message about them with your shepherd -Output Transcription: no thank you i'll just look at the welds and leave a message about them with your shepherd -2021-09-20 08:27:38.865 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.055556 -2021-09-20 08:27:38.865 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i gave him a little brandy and left him collapsed in a chair while i made a most careful examination of the room -Output Transcription: i gave him a little brandy and left him collapsed in a chair while i made a most careful examination of the room -2021-09-20 08:27:38.865 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:27:38.868 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: they they excite me in some way and i i can't bear them you must excuse me -Output Transcription: that they excite me in some way and i i can't bear them you must excuse me -2021-09-20 08:27:38.870 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.058824 -2021-09-20 08:27:38.873 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: in the nature of things luxuries and the comforts of life belong to the leisure class -Output Transcription: in the nature of things luxuries and the comforts of life belonged to the leisure class -2021-09-20 08:27:38.875 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.062500 -2021-09-20 08:27:38.875 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: but you must not eat with your cap on your head she said and was going to take it off -Output Transcription: but you must not eat with your cap on your head she said and was going to take it off -2021-09-20 08:27:38.876 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:27:38.878 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: my wife on the spur of the moment managed to give the gentlemen a very good dinner -Output Transcription: my wife on the spur the moment managed to give the gentleman a very good dinner -2021-09-20 08:27:38.880 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.117647 -2021-09-20 08:27:38.881 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: sometimes it is called a crazy quilt because the patches and colors are so mixed up -Output Transcription: sometimes it is called a crazy quilt because the patches and colors are so mixed up -2021-09-20 08:27:38.882 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:27:38.885 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: what shall we do with the mingoes at the door they count six and this singer is as good as nothing -Output Transcription: what shall we do with the mangoes at the door they count six and the singer is as good as nothing -2021-09-20 08:27:38.889 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.095238 -2021-09-20 08:27:38.891 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: that's the way with you that's the road you'd all like to go headlongs to ruin -Output Transcription: that's the way with you that's the road you do like to go headlong to ruin -2021-09-20 08:27:38.893 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.187500 -2021-09-20 08:27:38.897 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: westmere and i were back after the first act and we thought she seemed quite uncertain of herself -Output Transcription: west me and i were back after the first act he thought she seemed quite uncertain of herself -2021-09-20 08:27:38.899 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.222222 -2021-09-20 08:27:38.902 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i stood with my back to the wall for i wanted no sword reaching out of the dark for me -Output Transcription: i stood with my back to the wall for i wanted no sword reaching out the dark for me -2021-09-20 08:27:38.906 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.050000 -2021-09-20 08:27:38.906 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: otherwise paul should have written grace from god the father and peace from our lord jesus christ -Output Transcription: otherwise paul should have written grace from god the father and peace from our lord jesus christ -2021-09-20 08:27:38.906 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:27:38.908 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: there it clothes itself in word masks in metaphor rags -Output Transcription: there it clothes itself in word masks in mefor rags -2021-09-20 08:27:38.909 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.100000 -2021-09-20 08:27:38.910 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: in the communities of the western culture this point is at present found among the lower middle class -Output Transcription: in the communities of the western culture this point is at present found among the lower middle class -2021-09-20 08:27:38.910 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:27:38.912 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the head and chief of the riot the nottingham apprentice with clenched fists threatened montfichet -Output Transcription: the head and chief of the riot nottingham apprenticed with clench fists threatened mofie -2021-09-20 08:27:38.914 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.266667 -2021-09-20 08:27:38.916 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: whose feet are as the feet of harts and underneath the everlasting arms -Output Transcription: whose feet are as the feet of hearts and underneath the everlasting arms -2021-09-20 08:27:38.918 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.076923 -2021-09-20 08:27:38.921 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: but now here is a subject of which you will wonder at first why turner drew it at all -Output Transcription: but now here's a subject of which you will wonder at first why turner drew it at all -2021-09-20 08:27:38.924 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.105263 -2021-09-20 08:27:38.925 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: humpy dumpy fell downstairs and yet he married the princess -Output Transcription: humpy don't be fell downstairs and yet he married the princess -2021-09-20 08:27:38.926 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.200000 -2021-09-20 08:27:38.928 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: he still held on to it with both hands as he rushed into his mother's cottage -Output Transcription: he still held onto it with both hands as he rushed into his mother's cottage -2021-09-20 08:27:38.930 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.125000 -2021-09-20 08:27:38.931 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: departing from five hundred thousand throats three cheers burst forth in succession -Output Transcription: departing from five hundred thousand throats three cheers burst forth in succession -2021-09-20 08:27:38.931 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:27:38.933 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: nay we refused their request most politely most noble said the little stroller -Output Transcription: nay we refuse their request most politely most noble said the little stroller -2021-09-20 08:27:38.935 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.076923 -2021-09-20 08:27:38.936 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: he sat down weak bewildered and one thought was uppermost zora -Output Transcription: he sat down weak bewildered and one thought was uppermost sore -2021-09-20 08:27:38.937 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.090909 -2021-09-20 08:27:38.940 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: for a while she lay in her chair in happy dreamy pleasure at sun and bird and tree -Output Transcription: for a while she lay in her chair in happy dreamy pleasure its sun and bird and tree -2021-09-20 08:27:38.943 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.055556 -2021-09-20 08:27:38.943 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: in five minutes i was in a new world and my melancholy room was full of the liveliest french company -Output Transcription: in five minutes i was in a new world and my melancholy room was full of the liveliest french company -2021-09-20 08:27:38.944 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:27:38.944 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: and then you came back not caring very much but it made no difference -Output Transcription: and then you came back not caring very much but it made no difference -2021-09-20 08:27:38.945 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:27:38.945 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: nonsense of course i can't really sing except the way my mother and grandmother did before me -Output Transcription: nonsense of course i can't really sing except the way my mother and grandmother did before me -2021-09-20 08:27:38.946 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:27:38.946 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: they then renewed their journey and under the better light made a safe crossing of the stable roofs -Output Transcription: they then renewed their journey and under the better light made a safe crossing of the stable roofs -2021-09-20 08:27:38.946 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:27:38.947 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: oh let him come along she urged i do love to see him about that old house -Output Transcription: oh let him come along she urged i do love to see him about that old house -2021-09-20 08:27:38.947 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:27:38.947 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: for a full hour he had paced up and down waiting but he could wait no longer -Output Transcription: for a full hour he had paced up and down waiting but he could wait no longer -2021-09-20 08:27:38.948 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:27:38.948 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: underscore these words for they are full of comfort for sore consciences -Output Transcription: underscore these words for they are full of comfort for sore consciences -2021-09-20 08:27:38.948 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:27:38.951 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: where the waves for an instant sank they came closer but not quite within grasping reach -Output Transcription: where the waves for an instant sink they came closer but not quite within grasping reach -2021-09-20 08:27:38.953 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.062500 -2021-09-20 08:27:38.954 | INFO | deepspeech2x.model:test:372 - Error rate [wer] (1216/?) = 0.079953 -2021-09-20 08:27:41.668 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: you speak like an educated person said beth wonderingly where is your home -Output Transcription: you speak like an educated person said beth wonderingly where is your home -2021-09-20 08:27:41.669 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:27:41.670 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: substantially this was jacob's unvarnished description of his master and mistress -Output Transcription: substantial lateness was jacob's unvarnished description of his master and mistress -2021-09-20 08:27:41.671 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.181818 -2021-09-20 08:27:41.671 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i should never have asked you if molly had been here for i remember you don't like english cookery -Output Transcription: i should never have asked you if molly had been here for i remember you don't like english cookery -2021-09-20 08:27:41.672 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:27:41.673 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: facts form one of these and ideas the other -Output Transcription: facts for one of these and i tears the other -2021-09-20 08:27:41.673 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.333333 -2021-09-20 08:27:41.675 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: not for a crown or a kingdom or our goodness but for our sins -Output Transcription: not for a crown were a kingdom where our goodness before sins -2021-09-20 08:27:41.676 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.357143 -2021-09-20 08:27:41.677 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: his death in this conjuncture was a public misfortune -Output Transcription: his death in this conjuncture was a public misfortune -2021-09-20 08:27:41.677 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:27:41.678 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: whatever appealed to her sense of beauty was straightway transferred to paper or canvas -Output Transcription: whatever appeal to her sense of beauty was straightway transferred to paper or canvas -2021-09-20 08:27:41.680 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.071429 -2021-09-20 08:27:41.682 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: she rose quickly to her feet with an impetuous gesture that made her visitor catch her breath -Output Transcription: she rose quickly to her feet with an impetuous gesture that made her visit or catch her breath -2021-09-20 08:27:41.685 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.117647 -2021-09-20 08:27:41.687 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: we were more interested in the technical condition of the station than in the commercial part -Output Transcription: we were more interested in the technical condition of the station that in the commercial part -2021-09-20 08:27:41.689 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.062500 -2021-09-20 08:27:41.691 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: fast as his legs could carry him servadac had made his way to the top of the cliff -Output Transcription: fast as his legs could carry him ser adac had made his way to the top of the cliff -2021-09-20 08:27:41.694 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.111111 -2021-09-20 08:27:41.695 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: all the time he was talking to me his angry little eyes were following lake -Output Transcription: all the time he was talking to me his angry little eyes were following lake -2021-09-20 08:27:41.695 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:27:41.695 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: to my mind there has always been something inexpressibly awful in family feuds -Output Transcription: to my mind there has always been something inexpressibly awful in family feuds -2021-09-20 08:27:41.696 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:27:41.696 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: she then rose humming the air to which she was presently going to dance -Output Transcription: she then rose humming the air to which she was presently going to dance -2021-09-20 08:27:41.696 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:27:41.699 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: at once the goat gave a leap escaped from the soldiers and with bowed head rushed upon the boolooroo -Output Transcription: at once the goat gave a leap escape from the soldiers and with bowed head rushed upon the booooo -2021-09-20 08:27:41.702 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.105263 -2021-09-20 08:27:41.704 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: yes and with all your fingers it took you a year to catch me the king frowned more angrily -Output Transcription: yes and with all your fingers it took you a year to catch me the king frown more angrily -2021-09-20 08:27:41.707 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.052632 -2021-09-20 08:27:41.710 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: but suppose you said i'm fond of writing my people always say my letters home are good enough for punch -Output Transcription: but suppose you said i'm fond of writing my people always say my letters home or good enough for punch -2021-09-20 08:27:41.713 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.050000 -2021-09-20 08:27:41.715 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: it is enough said george gamewell sharply and he turned upon the crowd -Output Transcription: it is enough said george game well sharply as he turned upon the crowd -2021-09-20 08:27:41.716 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.230769 -2021-09-20 08:27:41.719 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: fitzooth's hand rested at last upon the top rung of a ladder and slowly the truth came to him -Output Transcription: tooth's hand rested at last upon the top rung of a ladder and slowly the truth came to him -2021-09-20 08:27:41.722 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.052632 -2021-09-20 08:27:41.723 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: well mother said the young student looking up with a shade of impatience -Output Transcription: well mother said the young student looking up with the shade of impatience -2021-09-20 08:27:41.725 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.076923 -2021-09-20 08:27:41.726 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: yes dead these four years an a good job for her too -Output Transcription: yes dead these four years and a good job for her to -2021-09-20 08:27:41.727 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.166667 -2021-09-20 08:27:41.728 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: she signed to me with a ghostly solemnity to take the vacant place on the left of her father -Output Transcription: she signed to me with a ghostly solemnity to take the vacant place on the left of her father -2021-09-20 08:27:41.728 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:27:41.729 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: their assumed character changed with their changing opportunities or necessities -Output Transcription: there assumed character changed with their changing opportunities or necessities -2021-09-20 08:27:41.730 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.100000 -2021-09-20 08:27:41.732 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: as soon as they entered the room of the great knife the boolooroo gave a yell of disappointment -Output Transcription: as soon as they entered the room of the great knife the booooo gave a yell of disappointment -2021-09-20 08:27:41.735 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.055556 -2021-09-20 08:27:41.738 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: irene burgoyne one of her family told me in confidence that there was a romance somewhere back in the beginning -Output Transcription: i rember going one of her family told me in confidence that there was a romance somewhere back in the beginning -2021-09-20 08:27:41.741 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.150000 -2021-09-20 08:27:41.741 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: she closed her eyes and took a deep breath as if to draw in again the fragrance of those days -Output Transcription: she closed her eyes and took a deep breath as if to draw in again the fragrance of those days -2021-09-20 08:27:41.742 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:27:41.742 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: their distinctive characters however display one broad and unfailing difference -Output Transcription: their distinctive characters however display one broad and unfailing difference -2021-09-20 08:27:41.742 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:27:41.743 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i dare not go so far as that but of the three he is perhaps the least unlikely -Output Transcription: i dare not go so far as that but of the three he is perhaps the least unlikely -2021-09-20 08:27:41.743 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:27:41.745 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: no cathedral not even burgos itself could vie with the church at montmartre -Output Transcription: no cathedral and even burgos itself could vie with the church at montmartre -2021-09-20 08:27:41.746 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.076923 -2021-09-20 08:27:41.747 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: there's a heavy storm coming on i cried pointing towards the horizon -Output Transcription: there's a heavy storm coming on i cried pointing towards the horizon -2021-09-20 08:27:41.747 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:27:41.748 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i see a crowd in one corner of the garden everybody standing still and looking up -Output Transcription: i see a crowd in one corner of the garden everybody standing still and looking up -2021-09-20 08:27:41.748 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:27:41.750 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: she is under sail but she is count timascheff's yacht he was right -Output Transcription: she is under sail that she is count time shafts yacht he was right -2021-09-20 08:27:41.751 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.230769 -2021-09-20 08:27:41.754 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: paul declares that the false apostles were called or sent neither by men nor by man -Output Transcription: paul declares of the false apostles were called the sent neither by men nor by man -2021-09-20 08:27:41.756 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.125000 -2021-09-20 08:27:41.757 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: keswick march twenty second eighteen thirty seven dear madam -Output Transcription: keswick march twenty second eighteen thirty seven dear madame -2021-09-20 08:27:41.758 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.111111 -2021-09-20 08:27:41.760 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: you are a worthy leech will presently whispered robin the wine has worked a marvel -Output Transcription: you are worthy leavell presently whispered robin the wine has worked a marvel -2021-09-20 08:27:41.761 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.200000 -2021-09-20 08:27:41.762 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the drag upon his beak and the light check upon his wings were inexplicable to him and appalling -Output Transcription: the drag upon his beak and the light check upon his wings were inexplicable to him and appalling -2021-09-20 08:27:41.763 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:27:41.766 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: but it is surmised that you will find difficulties in the way of your entering at once upon your government -Output Transcription: but it is surmise that you will find difficulties in the way of your entering at once upon your governor -2021-09-20 08:27:41.769 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.100000 -2021-09-20 08:27:41.771 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: chingachgook had caught the look and motioning with his hand he bade him speak -Output Transcription: chinuch cook had caught the look and motioning with his hand he bade him speak -2021-09-20 08:27:41.773 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.142857 -2021-09-20 08:27:41.774 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: grace be to you and peace from god the father and from our lord jesus christ -Output Transcription: grace be to you and peace from god the father and from our lord jesus christ -2021-09-20 08:27:41.774 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:27:41.776 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: do we really know the mountain well when we are not acquainted with the cavern -Output Transcription: do we really know the mounted well when we are not acquainted with the cavern -2021-09-20 08:27:41.778 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.066667 -2021-09-20 08:27:41.779 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the peculiar circumstances of the colony are within your excellency's knowledge -Output Transcription: the peculiar circumstances of the colony are within your excellencies knowledge -2021-09-20 08:27:41.780 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.090909 -2021-09-20 08:27:41.781 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: he refused at first to listen to the careful advice it was repugnant to his liberal nature -Output Transcription: he refused at first to listen to the careful advice it was repugnant to his liberal nature -2021-09-20 08:27:41.781 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:27:41.783 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: as regards my robbing the company i'll say that i saved them a heavy loss one day -Output Transcription: as regards my robbing the company i'll say that i saved him a heavy loss one day -2021-09-20 08:27:41.786 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.058824 -2021-09-20 08:27:41.786 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: they left him then for the jailer arrived to unlock the door and escort them to the office -Output Transcription: they left him then for the jailer arrived to unlock the door and escort them to the office -2021-09-20 08:27:41.787 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:27:41.787 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the vicious character of sin is brought out by the words who gave himself for our sins -Output Transcription: the vicious character of sin is brought out by the words who gave himself for our sins -2021-09-20 08:27:41.788 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:27:41.788 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the poor little things cried cynthia think of them having been turned to the wall all these years -Output Transcription: the poor little things cried cynthia think of them having been turned to the wall all these years -2021-09-20 08:27:41.789 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:27:41.792 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: but young sharp tongue now that we have caught you we will put you into a trap that you cannot get out of -Output Transcription: but young sharp tongue now that we have caught you will put you into a trap that you cannot get out of -2021-09-20 08:27:41.796 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.043478 -2021-09-20 08:27:41.800 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: and with it i leave you a name sif the friendly i shall hope to drink with you sometime in valhalla -Output Transcription: and with it i leave you a name sift the friendly i shall hope to drink with you some time in valhalla -2021-09-20 08:27:41.804 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.142857 -2021-09-20 08:27:41.804 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: exquisite soft turf of the woods the happiness which your friendship confers upon me -Output Transcription: exquisite soft turf of the woods the happiness which your friendship confers upon me -2021-09-20 08:27:41.805 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:27:41.805 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: he darted through the trees and paused a tall man strongly but slimly made -Output Transcription: he darted through the trees and paused a tall man strongly but slimly made -2021-09-20 08:27:41.805 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:27:41.807 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: why it's in missouri somewhere on the frontier i think we'll get a map -Output Transcription: white to missouri somewhere on the frontier i think we'll get a map -2021-09-20 08:27:41.809 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.214286 -2021-09-20 08:27:41.809 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: he made an effort to hide his condition from them all and robin felt his fingers tighten upon his arm -Output Transcription: he made an effort to hide his condition from them all and robin felt his fingers tighten upon his arm -2021-09-20 08:27:41.810 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:27:41.813 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i can assure you he has not even allowed me to see the trigger since i have been on board -Output Transcription: i can assure you he is not even allowed me to see the trigger since i have been on board -2021-09-20 08:27:41.816 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.050000 -2021-09-20 08:27:41.816 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: margaret bolton almost lost for a moment her habitual placidity -Output Transcription: margaret bolton almost lost for a moment her habitual placidity -2021-09-20 08:27:41.817 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:27:41.820 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: you see i've lived all my life with unc nunkie the silent one and there was no one to tell me anything -Output Transcription: you see i've lived all my life without monkey the silent one and there was no one to tell me anything -2021-09-20 08:27:41.824 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.136364 -2021-09-20 08:27:41.824 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: he felt he was up against it and that perhaps another kind of a job would suit him better -Output Transcription: he felt he was up against it and that perhaps another kind of a job would suit him better -2021-09-20 08:27:41.825 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:27:41.827 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: this differentiation is furthered by the inheritance of wealth and the consequent inheritance of gentility -Output Transcription: this differentiation is further by the inheritance of wealth and the consequent inheritance of gentility -2021-09-20 08:27:41.829 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.066667 -2021-09-20 08:27:41.829 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: why should one not explore everything and study everything -Output Transcription: why should one not explore everything and study everything -2021-09-20 08:27:41.829 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:27:41.832 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the sound of an imperative and uncompromising bell recalled me in due time to the regions of reality -Output Transcription: the sound of an imperative and uncompromising bell recalled me in due time to the region's reality -2021-09-20 08:27:41.834 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.111111 -2021-09-20 08:27:41.836 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the sombre old trees like gigantic hearse plumes black and awful -Output Transcription: the sombre old trees a gigantic curse plumes black and awful -2021-09-20 08:27:41.837 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.181818 -2021-09-20 08:27:41.837 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: grandfather was alexander carey l l d doctor of laws that is -Output Transcription: grandfather was alexander carey l l d doctor of laws that is -2021-09-20 08:27:41.838 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:27:41.838 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: tables were spread on the lawn and a dainty but substantial repast was to be served -Output Transcription: tables were spread on the lawn and a dainty but substantial repast was to be served -2021-09-20 08:27:41.838 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:27:41.839 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the military force partly rabble partly organized had meanwhile moved into the town -Output Transcription: the military force partly rabble partly organized had meanwhile moved into the town -2021-09-20 08:27:41.839 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:27:41.841 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: munny i tould ike to do into de barn to tommy to see de whittawd -Output Transcription: money i didi to do into the barn to tommy to see the widowed -2021-09-20 08:27:41.843 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.400000 -2021-09-20 08:27:41.843 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: he stood still in deference to their calls and parried their banter with easy words -Output Transcription: he stood still in deference to their calls and parried their banter with easy words -2021-09-20 08:27:41.844 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:27:41.845 | INFO | deepspeech2x.model:test:372 - Error rate [wer] (1280/?) = 0.079337 -2021-09-20 08:27:44.819 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: finally the one party went off exulting and the other was left in desolation and woe -Output Transcription: finally the one party went off exalting and the other was left in desolation and well -2021-09-20 08:27:44.821 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.125000 -2021-09-20 08:27:44.822 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: can these things be returned david breathing more freely as the truth began to dawn upon him -Output Transcription: can these things be returned david breathing more freely as the truth began to dawn upon him -2021-09-20 08:27:44.822 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:27:44.822 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: then as if satisfied of their safety the scout left his position and slowly entered the place -Output Transcription: then as if satisfied of their safety the scout left his position and slowly entered the place -2021-09-20 08:27:44.823 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:27:44.823 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: some mysterious force seemed to have brought about a convulsion of the elements -Output Transcription: some mysterious force seemed to have brought about a convulsion of the elements -2021-09-20 08:27:44.823 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:27:44.823 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i saw at the hamburg museum the skeleton of one of these creatures thirty feet in length -Output Transcription: i saw at the hamburg museum the skeleton of one of these creatures thirty feet in length -2021-09-20 08:27:44.824 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:27:44.824 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the utility of consumption as an evidence of wealth is to be classed as a derivative growth -Output Transcription: the utility of consumption as an evidence of wealth is to be classed as a derivative growth -2021-09-20 08:27:44.824 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:27:44.824 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: oh sir said missus poyser rather alarmed you wouldn't like it at all -Output Transcription: oh sir said missus poyser rather alarmed you wouldn't like it at all -2021-09-20 08:27:44.825 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:27:44.827 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: moreover had the people been inclined to rebellion what greater opportunity could they have wished -Output Transcription: moreover had the people been inclined to rebellion woke greater opportunity could they have wished -2021-09-20 08:27:44.828 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.066667 -2021-09-20 08:27:44.829 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: now be silent on your lives he began but the captured apprentice set up an instant shout -Output Transcription: now be silent on your lives he began but the captured apprentice set up an instant shout -2021-09-20 08:27:44.829 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:27:44.829 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: thrusting open the proper entrance of the tent robin suddenly rushed forth with his burden with a great shout -Output Transcription: thrusting open the proper entrance of the tent robin suddenly rushed forth with his burden with a great shout -2021-09-20 08:27:44.829 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:27:44.832 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: we have our little struggles here as elsewhere and all things cannot be done by rose water -Output Transcription: we have our little struggles here as elsewhere and all things cannot be done by rosewater -2021-09-20 08:27:44.834 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.117647 -2021-09-20 08:27:44.834 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: as soon as these dispositions were made the scout turned to david and gave him his parting instructions -Output Transcription: as soon as these dispositions were made the scout turned to david and gave him his parting instructions -2021-09-20 08:27:44.834 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:27:44.836 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: all about him was a tumult of bright and broken color scattered in broad splashes -Output Transcription: all about him was a tumult of bright and broken color scattered and broad splashes -2021-09-20 08:27:44.838 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.066667 -2021-09-20 08:27:44.838 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: this attitude is universal and particularly developed in those who consider themselves better than others -Output Transcription: this attitude is universal and particularly developed in those who consider themselves better than others -2021-09-20 08:27:44.838 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:27:44.840 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: tell us said the other the whole story and where solon heard the story -Output Transcription: tell us said the other the whole story and were solemn heard this story -2021-09-20 08:27:44.842 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.214286 -2021-09-20 08:27:44.842 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: here go and get me change for a louis i have it sir -Output Transcription: here go and get me change for a louis i have it sir -2021-09-20 08:27:44.842 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:27:44.845 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: she considered a moment and then said no i think not though i am glad you ask me -Output Transcription: she considered for a moment and then said no i think not the way i'm glad you ask me -2021-09-20 08:27:44.847 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.222222 -2021-09-20 08:27:44.848 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i discovered and put out a fire that would have destroyed the whole plant but marshall never even thanked me -Output Transcription: i discovered and put out a fire that would have destroyed the whole plant but marshall never even thanked me -2021-09-20 08:27:44.848 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:27:44.848 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: there was good reason to stop and think even for the world's most emotionless man -Output Transcription: there was good reason to stop and think even for the world's most emotionless man -2021-09-20 08:27:44.848 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:27:44.849 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: what could he do he caught up everything which would betray him and he rushed into your bedroom to conceal himself -Output Transcription: what could he do he caught up everything which would betray him and he rushed into your bedroom to conceal himself -2021-09-20 08:27:44.849 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:27:44.849 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: then rogers wouldn't do anything but lead her around and wait upon her and the place went to rack and ruin -Output Transcription: then rogers wouldn't do anything but lead her around and wait upon her and the place went to rack and ruin -2021-09-20 08:27:44.849 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:27:44.853 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: that is the best way to decide for the spear will always point somewhere and one thing is as good as another -Output Transcription: that is the best way to the side of the sphere will always point somewhere and one thing is as good as another -2021-09-20 08:27:44.857 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.181818 -2021-09-20 08:27:44.857 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: wherever the means of grace are found there is the holy church even though antichrist reigns there -Output Transcription: wherever the means of grace are found there is the holy church even though antichrist reigns there -2021-09-20 08:27:44.857 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:27:44.858 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: what sir i said to him am i fortunate enough to see you -Output Transcription: what sir i said to him am i fortunate enough to see you -2021-09-20 08:27:44.858 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:27:44.858 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: old dances are simplified of their yearning bleached by time -Output Transcription: old dances are simplified of their yearning bleached by time -2021-09-20 08:27:44.858 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:27:44.861 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: scuse me said trot i neglected to tell you that you're not the boolooroo any more -Output Transcription: excuse me said shot i neglected to tell you that you're not the boooo any more -2021-09-20 08:27:44.863 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.187500 -2021-09-20 08:27:44.863 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: she was the most agreeable woman i've ever known in her position she would have been worthy of any whatever -Output Transcription: she was the most agreeable woman i've ever known in her position she would have been worthy of any whatever -2021-09-20 08:27:44.864 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:27:44.864 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i will show you what a good job i did and she went to a tall cupboard and threw open the doors -Output Transcription: i will show you what a good job i did and she went to a tall cupboard and threw open the doors -2021-09-20 08:27:44.864 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:27:44.868 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: naomi shook her forefinger reproachfully at them as if the two sturdy young farmers had been two children -Output Transcription: he only shook a forefinger reproachfully at them as if the two sturdy on farmers had been two children -2021-09-20 08:27:44.871 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.222222 -2021-09-20 08:27:44.872 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: to this his answer was prompt oh thank god no and is the record yours -Output Transcription: to this his answer was prompt oh thank god now and is the record yours -2021-09-20 08:27:44.875 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.066667 -2021-09-20 08:27:44.875 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: but the real significance and comfort of the words for our sins is lost upon them -Output Transcription: but the real significance and comfort of the words for our sins is lost upon them -2021-09-20 08:27:44.875 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:27:44.879 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: you were quite right to say no ambrose began never smoke with john jago his cigars will poison you -Output Transcription: you were quite right to say no ambrose began never smoke a jonah his cigars will poison you -2021-09-20 08:27:44.881 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.157895 -2021-09-20 08:27:44.882 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i take this as my answer and i leave the professor to bite his lips with impatience -Output Transcription: i take this as my answer and i leave the professor to bite his lips with impatience -2021-09-20 08:27:44.882 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:27:44.882 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: could it mean to last a love set pendulous between sorrow and sorrow -Output Transcription: could it mean to last a love set pendulous between sorrow and sorrow -2021-09-20 08:27:44.883 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:27:44.883 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the rector paused and then shaking his clasped hands before him went on -Output Transcription: the rector paused and then shaking his clasped hands before him went on -2021-09-20 08:27:44.884 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:27:44.886 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: why should i rust and be stupid and sit in inaction because i am a girl -Output Transcription: why should i rest and be stupid and sit in an action because i am a girl -2021-09-20 08:27:44.888 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.187500 -2021-09-20 08:27:44.891 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: as he flew his down reaching clutching talons were not half a yard above the fugitive's head -Output Transcription: as he flew his down meeting clutching talons were not half a yard about the fugitives head -2021-09-20 08:27:44.893 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.176471 -2021-09-20 08:27:44.894 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: but the dusk deepening in the schoolroom covered over his thoughts the bell rang -Output Transcription: but the dusk deepening in the schoolroom covered over his thoughts the bell rang -2021-09-20 08:27:44.894 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:27:44.897 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i could write to my man and enclose the key he could send down the packet as he finds it -Output Transcription: i could write to my man and enclosed the key he could send down the packet as he finds it -2021-09-20 08:27:44.901 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.050000 -2021-09-20 08:27:44.903 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: in the evenings i confess i do think but i never trouble any one else with my thoughts -Output Transcription: in the evenings i confess i do think but i never trouble anyone else with my thoughts -2021-09-20 08:27:44.906 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.111111 -2021-09-20 08:27:44.907 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: meanwhile rodolfo had leocadia safe in his custody and in his own apartment -Output Transcription: meanwhile rudolph had locali safe in his custody and in his own apartment -2021-09-20 08:27:44.909 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.153846 -2021-09-20 08:27:44.911 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: we are traveling replied ojo and we stopped at your house just to rest and refresh ourselves -Output Transcription: we are traveling replied ojo and the stuff at your health just to rest and refresh ourselves -2021-09-20 08:27:44.914 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.176471 -2021-09-20 08:27:44.916 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: pearl seeing the rose bushes began to cry for a red rose and would not be pacified -Output Transcription: pearl seeing the rose bushes began to cry for our red rose and would not be pacified -2021-09-20 08:27:44.919 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.058824 -2021-09-20 08:27:44.919 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: this has indeed been a harassing day continued the young man his eyes fixed upon his friend -Output Transcription: this has indeed been a harassing day continued the young man his eyes fixed upon his friend -2021-09-20 08:27:44.920 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:27:44.923 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: you will say that a woman has no need of such a caution there can be no peril in it for her -Output Transcription: you will say that a woman has no need of such caution there can be no peril in it for her -2021-09-20 08:27:44.927 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.045455 -2021-09-20 08:27:44.927 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: it was the scarlet letter in another form the scarlet letter endowed with life -Output Transcription: it was the scarlet letter in another form the scarlet letter endowed with life -2021-09-20 08:27:44.928 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:27:44.931 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: my scholar has been left very poor but he is hard working and industrious he will do well -Output Transcription: my scholar has been left a very poor but he is hard working and industrious he will do well -2021-09-20 08:27:44.933 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.055556 -2021-09-20 08:27:44.934 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: they were both remembering what the woman had said when she took the money god give you a happy love -Output Transcription: they were both remembering what the woman had said when she took the money god give you a happy love -2021-09-20 08:27:44.934 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:27:44.937 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the first lot we tested on our glass cat which not only began to live but has lived ever since -Output Transcription: the first lot we tested on our glass hat which not only began to live but has lived ever since -2021-09-20 08:27:44.940 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.050000 -2021-09-20 08:27:44.944 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the raft was heaved up on a watery mountain and pitched down again at a distance of twenty fathoms -Output Transcription: the raft was heat up on a water mountain and pitched down again at a distance of twenty fathoms -2021-09-20 08:27:44.946 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.105263 -2021-09-20 08:27:44.947 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: bartley bent over and took her in his arms kissing her mouth and her wet tired eyes -Output Transcription: bartley bent over and took her in his arms kissing her mouth and her wet tired eyes -2021-09-20 08:27:44.947 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:27:44.952 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: here is a ring for sif the friendly and here is a bracelet a sword would not be ashamed to hang at your side -Output Transcription: here is a ring for sift the friendly and here is a bracelet and a sword would not be ashamed to hang at your side -2021-09-20 08:27:44.956 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.083333 -2021-09-20 08:27:44.959 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: choking with emotion leocadi made a sign to her parents that she wished to be alone with them -Output Transcription: choking with emotion leucadia made a sign to her parents that she wished to be alone with him -2021-09-20 08:27:44.962 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.111111 -2021-09-20 08:27:44.962 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: she introduced me to all her guests and gave me some particulars respecting every one of them -Output Transcription: she introduced me to all her guests and gave me some particulars respecting every one of them -2021-09-20 08:27:44.963 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:27:44.963 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: open thy heart wide and fold within the wet wings of thy dove -Output Transcription: open thy heart wide and fold within the wet wings of thy dove -2021-09-20 08:27:44.963 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:27:44.964 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the pride of that dim image brought back to his mind the dignity of the office he had refused -Output Transcription: the pride of that dim image brought back to his mind the dignity of the office he had refused -2021-09-20 08:27:44.964 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:27:44.964 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: you'll easily judge why when you hear because the thing had been such a scare he continued to fix me -Output Transcription: you'll easily judge why when you hear because the thing had been such a scare he continued to fix me -2021-09-20 08:27:44.965 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:27:44.965 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: as a private citizen i shall be a model of deportment because it would be dangerous to be otherwise -Output Transcription: as a private citizen i shall be a model of deportment because it would be dangerous to be otherwise -2021-09-20 08:27:44.965 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:27:44.966 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i thank all who have loved me in their hearts with thanks and love from mine -Output Transcription: i thank all who have loved me in their hearts with thanks and love from mine -2021-09-20 08:27:44.966 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:27:44.966 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the glimmering sea of delicate leaves whispered and murmured before her stretching away to the northward -Output Transcription: the glimmering sea of delicate leaves whispered and murmured before her stretching away to the northward -2021-09-20 08:27:44.967 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:27:44.971 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: this set of rooms is quite the oldest in the college and it is not unusual for visitors to go over them -Output Transcription: the set of rooms is quite the oldest in the college and it is not unusual for visitors to go over them -2021-09-20 08:27:44.974 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.045455 -2021-09-20 08:27:44.976 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: footnote sumner to shannon may twelfth eighteen fifty six -Output Transcription: foot note summer to shannon may twelve eighteen fifty six -2021-09-20 08:27:44.977 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.444444 -2021-09-20 08:27:44.977 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: there is hardly one day out of a hundred which is wholly joyous and sunny -Output Transcription: there is hardly one day out of a hundred which is wholly joyous and sunny -2021-09-20 08:27:44.977 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:27:44.981 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: yet here are we within a short range of the scaroons and not a sign of a trail have we crossed -Output Transcription: yet here are we within a short range of the sharons and not a sign of a trail have we crossed -2021-09-20 08:27:44.984 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.047619 -2021-09-20 08:27:44.985 | INFO | deepspeech2x.model:test:372 - Error rate [wer] (1344/?) = 0.077328 -2021-09-20 08:27:48.106 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: yes we are certainly i replied evasively but after we make a detour -Output Transcription: yes we are certainly i replied evasively but after we make a detour -2021-09-20 08:27:48.107 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:27:48.107 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: and this was why kenneth and beth discovered him conversing with the young woman in the buggy -Output Transcription: and this was why kenneth and beth discovered him conversing with the young woman in the buggy -2021-09-20 08:27:48.108 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:27:48.109 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: harangue the tiresome product of a tireless tongue -Output Transcription: herring the tiresome product of a tireless tongue -2021-09-20 08:27:48.109 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.125000 -2021-09-20 08:27:48.112 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: this she said was true hospitality and i am not sure that i did not agree with her -Output Transcription: this she said was true hospitality and i am not sure that i did not agree with there -2021-09-20 08:27:48.115 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.055556 -2021-09-20 08:27:48.118 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: and this plan was adopted too in order to extract from me a promise that i would depart in peace -Output Transcription: and this plan was adopted to in order to extract from me a promise that i would depart in peace -2021-09-20 08:27:48.121 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.050000 -2021-09-20 08:27:48.124 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: my friend did not appear to be depressed by his failure but shrugged his shoulders in half humorous resignation -Output Transcription: my friend did not appear to be depressed by his failure but shrugged his shoulders and half humorous resignation -2021-09-20 08:27:48.127 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.052632 -2021-09-20 08:27:48.129 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i expect you have been a very good girl andella since you were here last -Output Transcription: i expect you have been a very good girl and della since you were here last -2021-09-20 08:27:48.131 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.133333 -2021-09-20 08:27:48.133 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the nautilus nearly perishes in the antarctic and nemo sinks into a growing depression -Output Transcription: the nautilus nearly perishes in the antarctic and the most things into a growing depression -2021-09-20 08:27:48.135 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.214286 -2021-09-20 08:27:48.137 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: his tones rang pleasantly on warrenton's ears and forthwith a good fellowship was heralded between them -Output Transcription: his tones ring pleasantly on warranties ears and forthwith the good fellowship was heralded between them -2021-09-20 08:27:48.139 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.187500 -2021-09-20 08:27:48.139 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: yes the character which your royal highness assumed is in perfect harmony with your own -Output Transcription: yes the character which your royal highness assumed is in perfect harmony with your own -2021-09-20 08:27:48.140 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:27:48.142 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i left instructions for shipping my containers of stuffed animals and dried plants to paris france -Output Transcription: i left instructions for shipping like containers of stuffed animals and dried plants to paris france -2021-09-20 08:27:48.144 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.062500 -2021-09-20 08:27:48.146 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: he returned carrying his jumping shoes which are provided as you are aware with several sharp spikes -Output Transcription: he returned carrying his jumping shoes which are provided as you are ware with several sharp spikes -2021-09-20 08:27:48.149 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.058824 -2021-09-20 08:27:48.149 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: della had a young sister named maria and a cousin whose name was jane -Output Transcription: della had a young sister named maria and a cousin whose name was jane -2021-09-20 08:27:48.149 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:27:48.150 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: at last the cotton combine was to all appearances an assured fact and he was slated for the senate -Output Transcription: at last the cotton combine was to all appearances an assured fact and he was slated for the senate -2021-09-20 08:27:48.150 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:27:48.150 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: if the count were on board a strange fatality was bringing him to the presence of his rival -Output Transcription: if the count were on board a strange fatality was bringing him to the presence of his rival -2021-09-20 08:27:48.150 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:27:48.153 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: approaching the dining table he carefully placed the article in the centre and removed the cloth -Output Transcription: approaching the dining table he carefully placed the article in the center and removed the cloth -2021-09-20 08:27:48.155 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.062500 -2021-09-20 08:27:48.155 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i left you on a continent and here i have the honor of finding you on an island -Output Transcription: i left you on a continent and here i have the honor of finding you on an island -2021-09-20 08:27:48.155 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:27:48.158 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: she looked at his heavy shoulders and big determined head thrust forward like a catapult in leash -Output Transcription: she looked at his heavy shoulders and big determined head pressed forward like a catapult on leash -2021-09-20 08:27:48.160 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.117647 -2021-09-20 08:27:48.163 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: spoke the squire losing all patience and it was to you that i gave another purse in consolation -Output Transcription: spoke the squire losing all patient and it was to you that i gave another person consolation -2021-09-20 08:27:48.165 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.166667 -2021-09-20 08:27:48.167 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: over the track lined city street the young men the grinning men pass -Output Transcription: over the track lined city street the young men the grinning man pass -2021-09-20 08:27:48.168 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.076923 -2021-09-20 08:27:48.168 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: it has occupied mother a long time to find at the shops the exact shade for her new bonnet -Output Transcription: it has occupied mother a long time to find at the shops the exact shade for her new bonnet -2021-09-20 08:27:48.169 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:27:48.171 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: a bed quilt made of patches of different kinds and colors of cloth all neatly sewed together -Output Transcription: a bed quilt made of patches of different kinds and colors of cloth all neatly so together -2021-09-20 08:27:48.174 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.058824 -2021-09-20 08:27:48.177 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: your letter has given me great pleasure and i should not forgive myself if i did not tell you so -Output Transcription: your letter has given me great pleasure and i should not forgive myself if i didn't tell you so -2021-09-20 08:27:48.180 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.100000 -2021-09-20 08:27:48.180 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i'm going to see mister marshall said kenneth and discover what i can do to assist you thank you sir -Output Transcription: i'm going to see mister marshall said kenneth and discover what i can do to assist you thank you sir -2021-09-20 08:27:48.180 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:27:48.183 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: it did not beckon or indeed move at all it was as still as the hand of death -Output Transcription: it did not bacon or indeed move at all it was as still as the hand of death -2021-09-20 08:27:48.186 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.055556 -2021-09-20 08:27:48.188 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i'm glad you like it says wylder chuckling benignantly on it over his shoulder -Output Transcription: i'm glad you like it says wilder chuckling indignantly on it over his shoulder -2021-09-20 08:27:48.190 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.142857 -2021-09-20 08:27:48.194 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: young fitzooth had been commanded to his mother's chamber so soon as he had come out from his converse with the squire -Output Transcription: young fit south had been commanded to his mother's chamber so soon as he had come out from his converse with the squire -2021-09-20 08:27:48.199 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.090909 -2021-09-20 08:27:48.199 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: as any in england i would say said gamewell proudly that is in his day -Output Transcription: as any in england i would say said gamewell proudly that is in his day -2021-09-20 08:27:48.199 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:27:48.200 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i think that will do she continued for the other qualities are not needed in a servant -Output Transcription: i think that will do she continued for the other qualities are not needed in a servant -2021-09-20 08:27:48.200 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:27:48.201 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: since christ was given for our sins it stands to reason that they cannot be put away by our own efforts -Output Transcription: since christ was given for our sins it stands to reason that they cannot be put away by our own efforts -2021-09-20 08:27:48.202 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:27:48.203 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: but in this vignette copied from turner you have the two principles brought out perfectly -Output Transcription: but in this vineyard copied from turner you have the two principles brought out perfectly -2021-09-20 08:27:48.205 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.066667 -2021-09-20 08:27:48.210 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: so no tales got out to the neighbors besides it was a lonely place and by good luck no one came that way -Output Transcription: so no tails got out to the neighbors besides it was a lonely place and by good luck no one came that way -2021-09-20 08:27:48.214 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.043478 -2021-09-20 08:27:48.215 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the strange woman and her passionate sentence that rang out so sharply had frightened them both -Output Transcription: the strange woman and her passionate sentence that rang out so sharply had frightened them both -2021-09-20 08:27:48.215 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:27:48.216 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: john wesley combash jacob taylor and thomas edward skinner -Output Transcription: john wesley compas jacob taylor and thomas edward skinner -2021-09-20 08:27:48.217 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.111111 -2021-09-20 08:27:48.219 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: this transient spring and lighting up are beautiful a glamour beguiling our senses -Output Transcription: this transit spring and lighting up our beautiful a glamour beguiling our senses -2021-09-20 08:27:48.221 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.153846 -2021-09-20 08:27:48.221 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: now when has horror ever excluded study -Output Transcription: no when has horror ever excluded study -2021-09-20 08:27:48.222 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.142857 -2021-09-20 08:27:48.225 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: miss taylor did not know much about cotton but at least one more remark seemed called for -Output Transcription: miss taylor did not know much about cotton but at least one more remarked seem called for -2021-09-20 08:27:48.227 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.117647 -2021-09-20 08:27:48.231 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: we want you to help us publish some leading work of luther's for the general american market will you do it -Output Transcription: we want you to help us publish some leading work of luthers for the general american market will you do it -2021-09-20 08:27:48.235 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.047619 -2021-09-20 08:27:48.235 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i believe i have a little taste that way those are all real you know those jewels -Output Transcription: i believe i have a little taste that way those are all real you know those jewels -2021-09-20 08:27:48.236 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:27:48.238 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: no sir he isn't he's gone to rosseter to see mister west the factor about the wool -Output Transcription: no sir he isn't he's gone to rossiter to see mister west the factor about the wall -2021-09-20 08:27:48.241 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.117647 -2021-09-20 08:27:48.244 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: this is the explanation of the shallows which are found in that part of the atlantic ocean -Output Transcription: this is the explanation of the shells which i found in that part of the atlantic ocean -2021-09-20 08:27:48.246 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.117647 -2021-09-20 08:27:48.246 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: frank read english slowly and the more he read about this divorce case the angrier he grew -Output Transcription: frank read english slowly and the more he read about this divorce case the angrier he grew -2021-09-20 08:27:48.247 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:27:48.248 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: my friend's temper had not improved since he had been deprived of the congenial surroundings of baker street -Output Transcription: my friend's temper had not improved since he had been deprived of the congenial surroundings of baker street -2021-09-20 08:27:48.248 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:27:48.252 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: then she gave rosalie back her magic ring thanking the kind witch for all she had done for them -Output Transcription: then she gave rose lay back her magic ring thanking the kind which for all she had done for them -2021-09-20 08:27:48.255 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.157895 -2021-09-20 08:27:48.258 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: there might be a bit of poetry here and there but most of this place was such desperate prose -Output Transcription: there might be a bit of poetry here and there but most of this place was such desperate rose -2021-09-20 08:27:48.261 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.052632 -2021-09-20 08:27:48.262 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: at this the bundle opened suddenly and out popped phronsie -Output Transcription: at this the bundle opened suddenly and out popped rosie -2021-09-20 08:27:48.263 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.100000 -2021-09-20 08:27:48.267 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: bartley leaned over her shoulder without touching her and whispered in her ear you are giving me a chance yes -Output Transcription: partly lean over her shoulder without touching her and whispered in her ear you are giving me a chance yes -2021-09-20 08:27:48.270 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.100000 -2021-09-20 08:27:48.274 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: but joyce had not been listening all at once she put down her candle on the table and faced her companion -Output Transcription: but joyce had not been listening all at once she put on her candle on the table and faced her companion -2021-09-20 08:27:48.278 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.047619 -2021-09-20 08:27:48.281 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i had not ventured to hope for such a reply so considerate in its tone so noble in its spirit -Output Transcription: i have not ventured to hope for such a reply so considerate in its tone so noble in its spirit -2021-09-20 08:27:48.284 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.050000 -2021-09-20 08:27:48.287 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: there befell an anxious interview mistress fitzooth arguing for and against the squire's project in a breath -Output Transcription: there befell an anxious interview mistress of tooth arguing for and against the squires project in the breath -2021-09-20 08:27:48.290 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.235294 -2021-09-20 08:27:48.293 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: these perverters of the righteousness of christ resist the father and the son and the works of them both -Output Transcription: these perverts of the richness of christ resist the father and the son and the works of them both -2021-09-20 08:27:48.296 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.105263 -2021-09-20 08:27:48.298 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: but in this friendly pressure raoul could detect the nervous agitation of a great internal conflict -Output Transcription: by in this friendly pressure roll to take the nervous agitation of a great internal conflict -2021-09-20 08:27:48.300 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.250000 -2021-09-20 08:27:48.300 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the only thing necessary was to fix seth reynolds and this hopkins arranged personally -Output Transcription: the only thing necessary was to fix seth reynolds and this hopkins arranged personally -2021-09-20 08:27:48.301 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:27:48.302 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: in this world evidently the vestibule of another there are no fortunate -Output Transcription: in this worlds evidently the vestibule of another there are no fortunate -2021-09-20 08:27:48.304 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.083333 -2021-09-20 08:27:48.304 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: she wanted a glance of the new books and periodicals and talk of great philanthropies and reforms -Output Transcription: she wanted a glance of the new books and periodicals and talk of great philanthropies and reforms -2021-09-20 08:27:48.304 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:27:48.308 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: a little cracked that in the popular phrase was my impression of the stranger who now made his appearance in the supper room -Output Transcription: a little crack that in the popular phrase was my impression of the stranger who now made his appearance in the supper room -2021-09-20 08:27:48.313 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.043478 -2021-09-20 08:27:48.314 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: slow to world greetings quick with its o list when the angels speak -Output Transcription: slow to world greetings quick with it o list when the angel speak -2021-09-20 08:27:48.316 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.153846 -2021-09-20 08:27:48.316 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: even so i had just returned from an arduous journey exhausted and badly needing a rest -Output Transcription: even so i had just returned from an arduous journey exhausted and badly needing a rest -2021-09-20 08:27:48.316 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:27:48.319 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: then said sir ferdinando there is nothing for it but that he must take you with him -Output Transcription: then said sir ferdinando there is nothing for but that we must take you with him -2021-09-20 08:27:48.321 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.117647 -2021-09-20 08:27:48.324 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i wish i hadn't cried so much said alice as she swam about trying to find her way out -Output Transcription: i wish i hadn't cried so much' said alice as she swam about trying to find her way out -2021-09-20 08:27:48.327 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.052632 -2021-09-20 08:27:48.329 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: there is the slang of the affected lady as well as of the precieuses -Output Transcription: there is the slang of the affected lady as well as of the presses -2021-09-20 08:27:48.330 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.071429 -2021-09-20 08:27:48.331 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: to burn without ceasing to fly therein lies the marvel of genius -Output Transcription: to burn without ceasing to fly therein lies the marvel of genius -2021-09-20 08:27:48.331 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:27:48.333 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: there jap you've caught it laughed percy while the others screamed at the sight of jasper's face -Output Transcription: there cap you've got it lapped percy while the other screamed at the side of jasper's face -2021-09-20 08:27:48.336 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.294118 -2021-09-20 08:27:48.338 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i sit down at a small table a waiter comes immediately to enquire my wishes -Output Transcription: i sit down at a small table a waiter comes immediately to inquire my wishes -2021-09-20 08:27:48.340 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.066667 -2021-09-20 08:27:48.341 | INFO | deepspeech2x.model:test:372 - Error rate [wer] (1408/?) = 0.076862 -2021-09-20 08:27:53.246 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: you gave me double five i want double nine hallo is that you horatio hamlet speaking -Output Transcription: you gave me double five i want double nine hello is that you horatio hamlet speaking -2021-09-20 08:27:53.249 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.062500 -2021-09-20 08:27:53.252 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: he knew his uncle would be glad to hear that he had at last turned his thoughts to a practical matter -Output Transcription: he knew his uncle will be glad to hear that he had at last turned his thoughts to a practical matter -2021-09-20 08:27:53.256 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.047619 -2021-09-20 08:27:53.257 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: her manner was neither independent nor assertive but rather one of well bred composure and calm reliance -Output Transcription: her manner was neither independent nor assertive but rather one of well bred composure and calm reliance -2021-09-20 08:27:53.257 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:27:53.261 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i made her for only twenty oars because i thought few men would follow me for i was young fifteen years old -Output Transcription: i made her for my twenty ars because i thought few men would follow me for i was young fifteen years old -2021-09-20 08:27:53.265 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.090909 -2021-09-20 08:27:53.266 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: have mercy lord on me i pray for men would me devour -Output Transcription: have mercy lord on me i pray for men with me devour -2021-09-20 08:27:53.268 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.083333 -2021-09-20 08:27:53.272 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: oh you are the dearest and best mister king i ever saw but how did you make mammy let her come -Output Transcription: oh you are the dearest and best mister king i ever saw but how did you make mommy let her come -2021-09-20 08:27:53.276 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.047619 -2021-09-20 08:27:53.276 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: on arriving at home at my own residence i found that our salon was filled with a brilliant company -Output Transcription: on arriving at home at my own residence i found that our salon was filled with a brilliant company -2021-09-20 08:27:53.276 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:27:53.279 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: my yacht is at your service sir even should you require to make a tour round the world -Output Transcription: my yacht is at your service sir even should you require to make a tour around the world -2021-09-20 08:27:53.282 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.055556 -2021-09-20 08:27:53.283 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: for the first time the maid seemed a little confused and her gaze wandered from the face of her visitor -Output Transcription: for the first time the maid seemed a little confused and her gaze wandered from the face of her visitor -2021-09-20 08:27:53.283 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:27:53.287 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: holmes held out a small chip with the letters n n and a space of clear wood after them you see -Output Transcription: holmes held out a small chip with the letters and in the space of clear wood after them you see -2021-09-20 08:27:53.290 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.190476 -2021-09-20 08:27:53.292 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: some images like some sensations feel very familiar while others feel strange -Output Transcription: some images like some sensations fill very familiar while others fill strange -2021-09-20 08:27:53.293 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.166667 -2021-09-20 08:27:53.294 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: there cannot be a doubt he received you kindly for in fact you returned without his permission -Output Transcription: there cannot be a doubt he received you kindly for in fact you returned without his permission -2021-09-20 08:27:53.294 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:27:53.299 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: he knew it would take them to the house of the crooked magician whom he had never seen but who was their nearest neighbor -Output Transcription: he knew it would take them to the house of the crooked magician whom he had never seen but who was there nearest neighbor -2021-09-20 08:27:53.304 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.041667 -2021-09-20 08:27:53.304 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: in this case as in most others what may be taken as certain in advance is rather vague -Output Transcription: in this case as in most others what may be taken as certain in advance is rather vague -2021-09-20 08:27:53.305 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:27:53.305 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the golden star of tinsel was still on the top of the tree and glittered in the sunshine -Output Transcription: the golden star of tinsel was still on the top of the tree and glittered in the sunshine -2021-09-20 08:27:53.305 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:27:53.306 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the real human division is this the luminous and the shady -Output Transcription: the real human division as this the luminous and the shady -2021-09-20 08:27:53.308 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.090909 -2021-09-20 08:27:53.308 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i've strong assurance that no evil will happen to you and my uncle and the children from anything i've done -Output Transcription: i've strong assurance that no evil will happen to you and my uncle and the children from anything i've done -2021-09-20 08:27:53.308 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:27:53.312 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: please tell me one thing bartley at least tell me that you believe i thought i was making you happy -Output Transcription: please tell me one thing partly at least tell me that you believe i thought i was making you happy -2021-09-20 08:27:53.315 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.050000 -2021-09-20 08:27:53.317 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: she ceasd and smild in tears then sat down in her silver shrine -Output Transcription: she ceased and smiled in tears then sat down in her silver shrine -2021-09-20 08:27:53.319 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.153846 -2021-09-20 08:27:53.321 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: then they started on again and two hours later came in sight of the house of doctor pipt -Output Transcription: then they started on again and two hours later came in sight of the house of doctor pipped -2021-09-20 08:27:53.324 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.055556 -2021-09-20 08:27:53.328 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: there was something in his air and manner that betrayed to the scout the utter confusion of the state of his mind -Output Transcription: there was something in his air in the manner that betrayed to the scout the utter confusion of the state of his mind -2021-09-20 08:27:53.333 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.090909 -2021-09-20 08:27:53.336 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: bravely and generously has he battled in my behalf and this and more will i dare in his service -Output Transcription: bravely and generously as he battled in my behalf and this and more will i dare in his service -2021-09-20 08:27:53.339 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.052632 -2021-09-20 08:27:53.343 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: you must see lieutenant i should think that we are not so near the coast of algeria as you imagined -Output Transcription: you must see lieutenant i should think that we are not so near the coast of algeria as you imagine -2021-09-20 08:27:53.346 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.050000 -2021-09-20 08:27:53.347 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: a suffocating smell of nitrogen fills the air it enters the throat it fills the lungs -Output Transcription: a suffocating smell of nitrogen fills the air it enters the throat it fills the lungs -2021-09-20 08:27:53.347 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:27:53.347 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: yet little as it was it had already made a vast difference in the aspect of the room -Output Transcription: yet little as it was it had already made a vast difference in the aspect of the room -2021-09-20 08:27:53.348 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:27:53.348 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i was thinking it's very like the ace of hearts answered the captain softly smiling on -Output Transcription: i was thinking it's very like the ace of hearts answered the captain softly smiling on -2021-09-20 08:27:53.348 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:27:53.352 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the stop at queenstown the tedious passage up the mersey were things that he noted dimly through his growing impatience -Output Transcription: stop at queen's town the tedious passage of the mercy were things that he noted dimly through his growing impatience -2021-09-20 08:27:53.355 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.250000 -2021-09-20 08:27:53.356 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the first of our vague but indubitable data is that there is knowledge of the past -Output Transcription: the first of our vague but indubitable data is that there is knowledge of the past -2021-09-20 08:27:53.356 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:27:53.358 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: however he who says light does not necessarily say joy -Output Transcription: however he who says light does not necessarily said joy -2021-09-20 08:27:53.359 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.100000 -2021-09-20 08:27:53.359 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i wish you weren't so restless and didn't get so worked up over things she said sadly -Output Transcription: i wish you weren't so restless and didn't get so worked up over things she said sadly -2021-09-20 08:27:53.360 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:27:53.363 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: he had preconceived ideas about everything and his idea about americans was that they should be engineers or mechanics -Output Transcription: we let preconceived ideas about everything and his idea about americans was that they should be engineers or mechanics -2021-09-20 08:27:53.367 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.105263 -2021-09-20 08:27:53.367 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i have very few to love me now and i thought you might love me as i have begun to love you -Output Transcription: i have very few to love me now and i thought you might love me as i have begun to love you -2021-09-20 08:27:53.368 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:27:53.368 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: whereupon lake laughed quietly still looking on the ace of hearts with his sly eyes -Output Transcription: whereupon lake laughed quietly still looking on the ace of hearts with his sly eyes -2021-09-20 08:27:53.369 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:27:53.373 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: so uncas you had better take the lead while i will put on the skin again and trust to cunning for want of speed -Output Transcription: so once you had better take the lead while i will put on the skin again and trust to cunning for want of speed -2021-09-20 08:27:53.378 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.041667 -2021-09-20 08:27:53.382 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: he panted to know if she too knew or knew and cared not or cared and knew not -Output Transcription: he wanted to know if she too knew or knew and cared not or cared and knew not -2021-09-20 08:27:53.385 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.055556 -2021-09-20 08:27:53.388 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: and to think we can save all that misery and despair by the payment of a hundred and fifty dollars -Output Transcription: and to think we can save oh that misery and despair by the payment of a hundred and fifty dollars -2021-09-20 08:27:53.393 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.050000 -2021-09-20 08:27:53.396 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i was well satisfied with my cabin which was located in the stern and opened into the officers mess -Output Transcription: i was well satisfied with my cabin which was located in the stern and opened into the officer's mess -2021-09-20 08:27:53.399 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.052632 -2021-09-20 08:27:53.400 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: therefore her majesty paid no attention to anyone and no one paid any attention to her -Output Transcription: therefore her majesty paid no attention to anyone and no one paid any attention to her -2021-09-20 08:27:53.400 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:27:53.400 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: there came upon me a sudden shock when i heard these words which exceeded anything which i had yet felt -Output Transcription: there came upon me a sudden shock when i heard these words which exceeded anything which i had yet felt -2021-09-20 08:27:53.401 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:27:53.406 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: he gave way to the others very readily and retreated unperceived by the squire and mistress fitzooth to the rear of the tent -Output Transcription: he gave way to the others very readily and retreated unperceived by the squire and mistress fit zot to the rear of the tent -2021-09-20 08:27:53.410 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.086957 -2021-09-20 08:27:53.413 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: thus it is that the honor of three is saved our country's our master's and our own -Output Transcription: thus it is not the honour of three is saved our country are masters and our own -2021-09-20 08:27:53.416 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.294118 -2021-09-20 08:27:53.416 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: she was a large homely woman they were common white people with no reputation in the community -Output Transcription: she was a large homely woman they were common white people with no reputation in the community -2021-09-20 08:27:53.417 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:27:53.420 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the whole party crowded to the spot where uncas pointed out the impression of a moccasin in the moist alluvion -Output Transcription: the whole party crowded to the spot where uncles pointed out the impression of a moccasin in the moist elution -2021-09-20 08:27:53.424 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.100000 -2021-09-20 08:27:53.427 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: said captain donnithorne seating himself where he could see along the short passage to the open dairy door -Output Transcription: said captain denethor ne seating himself where he could see along the short passage to the open dairy door -2021-09-20 08:27:53.430 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.111111 -2021-09-20 08:27:53.430 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: tabby had tended them in their childhood they and none other should tend her in her infirmity and age -Output Transcription: tabby had tended them in their childhood they and none other should tend her in her infirmity and age -2021-09-20 08:27:53.431 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:27:53.431 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: against these boasting false apostles paul boldly defends his apostolic authority and ministry -Output Transcription: against these boasting false apostles paul boldly defends his apostolic authority and ministry -2021-09-20 08:27:53.432 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:27:53.432 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: so much for the title of the epistle now follows the greeting of the apostle verse three -Output Transcription: so much for the title of the epistle now follows the greeting of the apostle verse three -2021-09-20 08:27:53.433 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:27:53.435 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: in autumn the wood cutters always came and felled some of the largest trees -Output Transcription: in autumn the wood cutters always came and fell some of the largest trees -2021-09-20 08:27:53.437 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.071429 -2021-09-20 08:27:53.439 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: distrusting his own judgment his appeals to the opinion of chingachgook were frequent and earnest -Output Transcription: distrusting his own judgment his appeals to the opinion of chinuch cook were frequent and earnest -2021-09-20 08:27:53.441 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.133333 -2021-09-20 08:27:53.442 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: hence the edison electrolytic meter is no longer used despite its excellent qualities -Output Transcription: hence the edison electrolytic meter is no longer used despite its excellent qualities -2021-09-20 08:27:53.443 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:27:53.443 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: their contents had all boiled away leaving in the bottom of each kettle a few grains of fine white powder -Output Transcription: their contents had all boiled away leaving in the bottom of each kettle a few grains of fine white powder -2021-09-20 08:27:53.444 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:27:53.444 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: when you argue about the nature of god apart from the question of justification you may be as profound as you like -Output Transcription: when you argue about the nature of god apart from the question of justification you may be as profound as you like -2021-09-20 08:27:53.444 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:27:53.445 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: some points may be taken as fixed and such as any theory of memory must arrive at -Output Transcription: some points may be taken as fixed and such as any theory of memory must arrive at -2021-09-20 08:27:53.445 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:27:53.448 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: do you suppose that god for the sake of a few lutheran heretics would disown his entire church -Output Transcription: do you suppose that god for the sake of a few lutheran heretics would this son his entire church -2021-09-20 08:27:53.452 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.111111 -2021-09-20 08:27:53.452 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: she's older than i am but so tiny and sad and shy that she seems like a child -Output Transcription: she's older than i am but so tiny and sad and shy that she seems like a child -2021-09-20 08:27:53.452 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:27:53.453 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: he darted like an arrow through all the halls down all the stairs and across the yard -Output Transcription: he darted like an arrow through all the halls down all the stairs and across the yard -2021-09-20 08:27:53.453 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:27:53.456 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: her sea going qualities were excellent and would have amply sufficed for a circumnavigation of the globe -Output Transcription: her seagoing qualities were excellent and would have amply sufficed for a circumnavigation of the globe -2021-09-20 08:27:53.459 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.117647 -2021-09-20 08:27:53.461 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: he was such a big boy that he wore high boots and carried a jack knife -Output Transcription: he was such a big boy that he wore high boots and carried a jackknife -2021-09-20 08:27:53.463 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.125000 -2021-09-20 08:27:53.466 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: you have come andella andella was the name of jane's doll to make rosalie a visit -Output Transcription: you have come adela adela was the name of jane's doll to make rosalie a visit -2021-09-20 08:27:53.468 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.125000 -2021-09-20 08:27:53.468 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: we want to know mister gilchrist how you an honourable man ever came to commit such an action as that of yesterday -Output Transcription: we want to know mister gilchrist how you an honourable man ever came to commit such an action as that of yesterday -2021-09-20 08:27:53.469 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:27:53.473 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the crowd drifts off leaving the hero and heroine alone in the middle of the stage and then you can begin -Output Transcription: the crowd drifts of leaping the hero and heroine alone in the middle of the stage and then you can begin -2021-09-20 08:27:53.477 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.095238 -2021-09-20 08:27:53.478 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: his conduct and presence of mind in this emergence appeared conspicuous -Output Transcription: his conduct and presence of mind in this emergent appeared conspicuous -2021-09-20 08:27:53.480 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.090909 -2021-09-20 08:27:53.480 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: dearest teach me so to pour out gratitude as thou dost good -Output Transcription: dearest teach me so to pour out gratitude as thou dost good -2021-09-20 08:27:53.481 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:27:53.485 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: give me a check for a hundred and fifty and i'll turn over to you the forged check and quash further proceedings -Output Transcription: give me a check for a hundred and fifty and i'll turn over to you the forged check and cash further proceedings -2021-09-20 08:27:53.489 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.045455 -2021-09-20 08:27:53.490 | INFO | deepspeech2x.model:test:372 - Error rate [wer] (1472/?) = 0.075225 -2021-09-20 08:27:56.756 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: oh she's always at the piano said van she must be there now somewhere and then somebody laughed -Output Transcription: oh she's always at the piano said man she must be there now somewhere and then somebody laughed -2021-09-20 08:27:56.760 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.055556 -2021-09-20 08:27:56.762 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: paul answers the man who is named jesus christ and the son of god gave himself for our sins -Output Transcription: paul answers the man who his name jesus christ and the son of god gave himself for our sins -2021-09-20 08:27:56.765 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.105263 -2021-09-20 08:27:56.768 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i am not good enough for you and you must be kept from the contamination of too intimate society -Output Transcription: i am not good enough for you and you must be kept from the contamination of two intimate society -2021-09-20 08:27:56.771 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.052632 -2021-09-20 08:27:56.773 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: far from it sire your majesty having given no directions about it the musicians have retained it -Output Transcription: far from it sire your majesty having given no directions about it the musicians ever tandon -2021-09-20 08:27:56.776 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.176471 -2021-09-20 08:27:56.776 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: either he calls ministers through the agency of men or he calls them directly as he called the prophets and apostles -Output Transcription: either he calls ministers through the agency of men or he calls them directly as he called the prophets and apostles -2021-09-20 08:27:56.776 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:27:56.776 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: tabby had lived with them for ten or twelve years and was as charlotte expressed it one of the family -Output Transcription: tabby had lived with them for ten or twelve years and was as charlotte expressed it one of the family -2021-09-20 08:27:56.777 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:27:56.780 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: sometimes i'm that yearning for a smoke i'm nearly crazy an i dunno which is worst dyin one way or another -Output Transcription: sometimes in that year and for his smoke i'm nearly crazy dowith is worse in one way or the other -2021-09-20 08:27:56.783 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.571429 -2021-09-20 08:27:56.783 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i must come another day and see your husband i want to have a consultation with him about horses -Output Transcription: i must come another day and see your husband i want to have a consultation with him about horses -2021-09-20 08:27:56.784 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:27:56.784 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: and she threw her arms round her cousin's neck and brave rachel at last burst into tears -Output Transcription: and she threw her arms round her cousin's neck and brave rachel at last burst into tears -2021-09-20 08:27:56.784 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:27:56.784 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: if a layman in giving baptism pour the water before saying the words is the child baptized -Output Transcription: if a layman in giving baptism pour the water before saying the words is the child baptized -2021-09-20 08:27:56.785 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:27:56.785 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: no one would disturb their little house even if anyone came so far into the thick forest while they were gone -Output Transcription: no one would disturb their little house even if anyone came so far into the thick forest while they were gone -2021-09-20 08:27:56.785 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:27:56.785 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: a circle of a few hundred feet in circumference was drawn and each of the party took a segment for his portion -Output Transcription: a circle of a few hundred feet in circumference was drawn and each of the party took a segment for his portion -2021-09-20 08:27:56.786 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:27:56.787 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: without his scrapbooks his chemicals and his homely untidiness he was an uncomfortable man -Output Transcription: without his scrap books his chemicals and has homely untidiness he was an uncomfortable man -2021-09-20 08:27:56.789 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.214286 -2021-09-20 08:27:56.791 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: there was something individual about the great farm a most unusual trimness and care for detail -Output Transcription: there was something individual about the great farm a most unusual grimness and care for detail -2021-09-20 08:27:56.793 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.062500 -2021-09-20 08:27:56.798 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: stuteley was by his side in a flash and then they both began feeling about them to ascertain the shape and character of this vault -Output Transcription: studley was by his side in a flash and then they both began feeling about them to ascertain the shape and character of this vault -2021-09-20 08:27:56.802 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.040000 -2021-09-20 08:27:56.803 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: if it only were not so dark here and so terribly lonely -Output Transcription: if it only were not so dark here and so terribly lonely -2021-09-20 08:27:56.803 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:27:56.805 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: however her features and form might repress any evidence of nervousness these hands told a different story -Output Transcription: however her features and four might repress any evidence of nervousness these hands told a different story -2021-09-20 08:27:56.808 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.058824 -2021-09-20 08:27:56.810 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: well said mademoiselle de tonnay charente i also think a good deal but i take care -Output Transcription: well said mademoiselle de ten salad i also think a good deal but i take care -2021-09-20 08:27:56.812 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.125000 -2021-09-20 08:27:56.812 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: somehow of all the days when the home feeling was the strongest this day it seemed as if she could bear it no longer -Output Transcription: somehow of all the days when the home feeling was the strongest this day it seemed as if she could bear it no longer -2021-09-20 08:27:56.812 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:27:56.812 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: yes in reality those were happy times -Output Transcription: yes in reality those were happy times -2021-09-20 08:27:56.813 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:27:56.815 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: remembering has to be a present occurrence in some way resembling or related to what is remembered -Output Transcription: remembering has to be a present occurrence and some way resembling or related to what is remembered -2021-09-20 08:27:56.817 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.058824 -2021-09-20 08:27:56.819 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: when called before i told how hastily i dropped my flowers or brake off from a game -Output Transcription: when called before i told how hastily i dropped my flowers or break off from a game -2021-09-20 08:27:56.822 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.058824 -2021-09-20 08:27:56.822 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: to relieve her from both he laid his hand with force upon his heart and said do you believe me -Output Transcription: to relieve her from both he laid his hand with force upon his heart and said do you believe me -2021-09-20 08:27:56.822 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:27:56.823 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i will make no unjust use of what i know he replied with firmness i believe you my lord -Output Transcription: i will make no unjust use of what i know he replied with firmness i believe you my lord -2021-09-20 08:27:56.823 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:27:56.828 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: they pointedly drew back from john jago as he approached the empty chair next to me and moved round to the opposite side of the table -Output Transcription: they pointedly drew back from john iago as he approached the empty chair next may and moved around to the opposite side of the table -2021-09-20 08:27:56.832 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.153846 -2021-09-20 08:27:56.836 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i can't play with you like a little boy any more he said slowly that's what you miss marie -Output Transcription: i can't play with you like a little boy any more he said slowly that's what you miss mary -2021-09-20 08:27:56.839 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.052632 -2021-09-20 08:27:56.839 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: a gentle kick from the tall boy in the bench behind urged stephen to ask a difficult question -Output Transcription: a gentle kick from the tall boy in the bench behind urged stephen to ask a difficult question -2021-09-20 08:27:56.840 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:27:56.842 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: but philip is honest and he has talent enough if he will stop scribbling to make his way -Output Transcription: and philip is honest and he asked allien if he will stop scribbling to make his way -2021-09-20 08:27:56.845 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.222222 -2021-09-20 08:27:56.847 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: stephen's heart began slowly to fold and fade with fear like a withering flower -Output Transcription: stephen's heart began slowly to fall and fade with fear like a withering flower -2021-09-20 08:27:56.849 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.071429 -2021-09-20 08:27:56.853 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: then i drank half of the hornful and sent the rest across the fire to the farmer he took it and smiled saying -Output Transcription: then i drank half of the mournful and set the rest to cross the fire to the farmer he took it and smiled saying -2021-09-20 08:27:56.858 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.173913 -2021-09-20 08:27:56.860 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: after early nightfall the yellow lamps would light up here and there the squalid quarter of the brothels -Output Transcription: after early nightfall the yellow lamps would light up here and there the squalid quarter of the profiles -2021-09-20 08:27:56.863 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.055556 -2021-09-20 08:27:56.865 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: every plant in the grass is set formally grows perfectly and may be realized completely -Output Transcription: every plant in the grass is set formally grows perfectly and maybe realized completely -2021-09-20 08:27:56.867 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.133333 -2021-09-20 08:27:56.869 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: it has no beauty whatsoever no specialty of picturesqueness and all its lines are cramped and poor -Output Transcription: it has no beauty whatsoever no specialty of picturesque ness and all its lines are cramped and poor -2021-09-20 08:27:56.872 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.117647 -2021-09-20 08:27:56.872 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: cried alice again for this time the mouse was bristling all over and she felt certain it must be really offended -Output Transcription: cried alice again for this time the mouse was bristling all over and she felt certain it must be really offended -2021-09-20 08:27:56.873 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:27:56.875 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: my lord miss milner's taste is not a depraved one it is but too refined -Output Transcription: my lord miss milner's taste is not a depraved to one it is but too refined -2021-09-20 08:27:56.877 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.066667 -2021-09-20 08:27:56.880 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i did not mean said captain battleax to touch upon public subjects at such a moment as this -Output Transcription: i did not mean said captain battle ax to touch upon public subjects at such a moment as this -2021-09-20 08:27:56.883 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.111111 -2021-09-20 08:27:56.884 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: upon this madame deigned to turn her eyes languishingly towards the comte observing -Output Transcription: upon this madam deign to turn her eyes languishing towards the comet observing -2021-09-20 08:27:56.886 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.307692 -2021-09-20 08:27:56.887 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: but the more forgetfulness had then prevailed the more powerful was the force of remembrance when she awoke -Output Transcription: but the more forgetfulness had then prevailed the more powerful was the force of remembrance when she awoke -2021-09-20 08:27:56.887 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:27:56.887 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: he implores us to be discreet as the grave in this matter for in sooth his life is in the hollow of our hands -Output Transcription: he implores us to be discreet as the grave in this matter for in sooth his life is in the hollow of our hands -2021-09-20 08:27:56.888 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:27:56.890 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: as to his age and also the name of his master jacob's statement varied somewhat from the advertisement -Output Transcription: as to his age and also the night of his master jacob statement varied somewhat from the advertisement -2021-09-20 08:27:56.893 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.111111 -2021-09-20 08:27:56.894 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: he cried in high dudgeon just as if he owned the whole of the peppers and could dispose of them all to suit his fancy -Output Transcription: he cried in high dudgeon just as if he owned the whole of the peppers and could dispose of them all to suit his fancy -2021-09-20 08:27:56.894 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:27:56.894 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: to those duties you have not yet been called and when you are you will be less eager for celebrity -Output Transcription: to those duties you have not yet been called and when you are you will be less eager for celebrity -2021-09-20 08:27:56.895 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:27:56.898 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: on she hurried until sweeping down to the lagoon and the island lo the cotton lay before her -Output Transcription: aunt she hurried until sweeping down to the lagoon and the island lo the cotton lay before her -2021-09-20 08:27:56.900 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.055556 -2021-09-20 08:27:56.901 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: but cresswell added significantly capacity differs enormously between races -Output Transcription: but cresswell added significantly capacity differs enormously between races -2021-09-20 08:27:56.901 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:27:56.903 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: isn't he splendid cried jasper in intense pride swelling up father knew how to do it -Output Transcription: is an splendid cried jasper and intense pride swelling up father knew how to do it -2021-09-20 08:27:56.905 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.187500 -2021-09-20 08:27:56.908 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: to the fervent latter day saint a temple is not simply a church building a house for religious assembly -Output Transcription: to the fervent latterday saint a temple is not simply a church building a house for religious assembly -2021-09-20 08:27:56.911 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.105263 -2021-09-20 08:27:56.914 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: he was soft hearted and impetuous said beth and being in love he didn't stop to count the cost -Output Transcription: he was soft hearted an impetuous said beth and being in love he didn't stop to count the cost -2021-09-20 08:27:56.917 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.052632 -2021-09-20 08:27:56.917 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the chaos in which his ardour extinguished itself was a cold indifferent knowledge of himself -Output Transcription: the chaos in which his ardour extinguished itself was a cold indifferent knowledge of himself -2021-09-20 08:27:56.918 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:27:56.918 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: horse sense a degree of wisdom that keeps one from betting on the races -Output Transcription: horse sense a degree of wisdom that keeps one from betting on the races -2021-09-20 08:27:56.918 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:27:56.922 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: dear me what a chatterbox you're getting to be unc remarked the magician who was pleased with the compliment -Output Transcription: dear me what a chatter box are getting to be an remarked the magician who was pleased with the compliment -2021-09-20 08:27:56.925 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.210526 -2021-09-20 08:27:56.927 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: january and february of eighteen thirty seven had passed away and still there was no reply from southey -Output Transcription: january in february of eighteen thirty seven had passed away and still there was no reply from the solve -2021-09-20 08:27:56.931 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.166667 -2021-09-20 08:27:56.931 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: at that moment the gentleman entered bearing a huge object concealed by a piece of green felt -Output Transcription: at that moment the gentleman entered bearing a huge object concealed by a piece of green felt -2021-09-20 08:27:56.931 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:27:56.934 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: friends said montfichet faintly to the wrestlers bear us escort so far as the sheriff's house -Output Transcription: friends said montrachet faintly to the wrestlers bar us escort so far as the sheriff's house -2021-09-20 08:27:56.936 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.125000 -2021-09-20 08:27:56.936 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the cat growled softly picked up the prize in her jaws and trotted into the bushes to devour it -Output Transcription: the cat growled softly picked up the prize in her jaws and trotted into the bushes to devour it -2021-09-20 08:27:56.937 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:27:56.937 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the awkward thing was that they had practically no other relations and that his own affairs took up all his time -Output Transcription: the awkward thing was that they had practically no other relations and that his own affairs took up all his time -2021-09-20 08:27:56.937 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:27:56.939 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: he continued his pretended search and to give color to his errand made two arrests -Output Transcription: he continued his pretended search and to give colour to his errand made to arrest -2021-09-20 08:27:56.941 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.200000 -2021-09-20 08:27:56.942 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: hay fever a heart trouble caused by falling in love with a grass widow -Output Transcription: hay fever a heart trouble caused by falling in love with a grass widow -2021-09-20 08:27:56.942 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:27:56.946 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: and so on till you get to the end when ophelia might say ah yes or something non committal of that sort -Output Transcription: and so on till you get to the end when pele might say ah yes or something noncommittal of that sort -2021-09-20 08:27:56.949 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.136364 -2021-09-20 08:27:56.950 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: is it not impossible he murmured aloud that any city should disappear so completely -Output Transcription: is it not impossible he murmured aloud that any city should disappear so completely -2021-09-20 08:27:56.951 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:27:56.951 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: as he had promised to protect the hotel the reassured citizens began to laugh at their own fears -Output Transcription: as he had promised to protect the hotel the reassured citizens began to laugh at their own fears -2021-09-20 08:27:56.952 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:27:56.955 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: robin fitzooth saw that his doubts of warrenton had been unfair and he became ashamed of himself for harboring them -Output Transcription: robin fitz oth saw that his doubts of warrenton had been unfair and he became ashamed of himself for harboring them -2021-09-20 08:27:56.959 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.100000 -2021-09-20 08:27:56.962 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: asked phronsie in intense interest slipping down out of polly's arms and crowding up close to jasper's side -Output Transcription: asked prose and intense interest slipping down out of polly's arms and crowding up close to jasper side -2021-09-20 08:27:56.964 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.166667 -2021-09-20 08:27:56.965 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i cannot allow the examination to be held if one of the papers has been tampered with the situation must be faced -Output Transcription: i cannot allow the examination to be held if one of the papers has been tampered with the situation must be faced -2021-09-20 08:27:56.965 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:27:56.967 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: rachel's pale and sharpened features and dilated eye struck her with a painful surprise -Output Transcription: rachel's pale and sharpened features and dilated i struck her with a painful surprise -2021-09-20 08:27:56.968 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.071429 -2021-09-20 08:27:56.970 | INFO | deepspeech2x.model:test:372 - Error rate [wer] (1536/?) = 0.075129 -2021-09-20 08:28:01.976 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: what then a human hand large and shapely appeared distinctly on the surface of the pond -Output Transcription: what then a human hand large and shapely appear distinctly on the surface of the pond -2021-09-20 08:28:01.979 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.062500 -2021-09-20 08:28:01.980 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: captain martin said i shall give you a pistol to help protect yourself if worse comes to worst -Output Transcription: captain martin said i shall give you a pistol to help protect yourself if worse comes to worst -2021-09-20 08:28:01.980 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:28:01.980 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the king stood up and called for that psalm which begins with these words -Output Transcription: the king stood up and called for that psalm which begins with these words -2021-09-20 08:28:01.981 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:28:01.981 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i know gasped polly controlling her sobs i won't only i can't thank you -Output Transcription: i know gasped polly controlling her sobs i won't only i can't thank you -2021-09-20 08:28:01.981 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:28:01.984 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: many laws exist among us which are the counterpart of yours as they were in the olden time -Output Transcription: many laws exist imo this which are the counterpart of yours as they were in the olden time -2021-09-20 08:28:01.986 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.111111 -2021-09-20 08:28:01.989 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the inmates being removed at the appointed hour a few cannon balls were fired through the stone walls -Output Transcription: the inmates being removed at the appointed hour if you cannon balls were fired to the stone walls -2021-09-20 08:28:01.991 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.166667 -2021-09-20 08:28:01.992 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: always irritable cold indifferent he had grown rapidly more so as years went on -Output Transcription: always irritable cold indifferent he had grown rapidly more so as years went on -2021-09-20 08:28:01.992 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:28:01.995 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the air and the earth are curiously mated and intermingled as if the one were the breath of the other -Output Transcription: the air and the earth or curiously mated and intermingled as if the one or the breath of the other -2021-09-20 08:28:01.998 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.100000 -2021-09-20 08:28:02.002 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i like you will you are the second will that i have met and liked within two days is there a sign in that -Output Transcription: i like you will you are the second will that i have met in light within two days is there a sign in that -2021-09-20 08:28:02.006 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.083333 -2021-09-20 08:28:02.007 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the room of the great knife was high and big and around it ran rows of benches for the spectators to sit upon -Output Transcription: the room of the great knife was high and big and around it ran rows of benches for the spectators to sit upon -2021-09-20 08:28:02.007 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:28:02.009 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: no no no totty ud get her feet wet said missus poyser carrying away her iron -Output Transcription: no no no toddy did her feet wet said missus poyser carrying away her iron -2021-09-20 08:28:02.011 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.187500 -2021-09-20 08:28:02.014 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the question is which of the two methods will most effectively reach the persons whose convictions it is desired to affect -Output Transcription: the question is which of the two methods will most effectively reached the persons whose convictions it is desired to effect -2021-09-20 08:28:02.017 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.095238 -2021-09-20 08:28:02.021 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: at the foot of the mountain that separated the country of the munchkins from the country of the gillikins the path divided -Output Transcription: at the foot of the mountain separated the country of the munchkins from the country of the gilligans the path divided -2021-09-20 08:28:02.024 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.090909 -2021-09-20 08:28:02.028 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: she saw that the bed was gilded and so rich that it seemed that of a prince rather than of a private gentleman -Output Transcription: she saw that the bed was gilded and so rich that it seemed that of a prince or rather that of a private gentleman -2021-09-20 08:28:02.032 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.086957 -2021-09-20 08:28:02.036 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: robin and the little tumbler between them tried to force the squire to stand back and very valiantly did these two comport themselves -Output Transcription: robin and the little tumbler between them tried to force the squire to stand back and very valiantly to these two comport themselves -2021-09-20 08:28:02.040 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.043478 -2021-09-20 08:28:02.040 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: but that wise and placid woman understood the sweet rebel a great deal better than ruth understood herself -Output Transcription: but that wise and placid woman understood the sweet rebel a great deal better than ruth understood herself -2021-09-20 08:28:02.041 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:28:02.042 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: many if not all the elements of the pre socratic philosophy are included in the timaeus -Output Transcription: many if not all the elements of the presocratic philosophy are included into timeus -2021-09-20 08:28:02.044 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.312500 -2021-09-20 08:28:02.044 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: why if we erect a station at the falls it is a great economy to get it up to the city -Output Transcription: why if we erect a station at the falls it is a great economy to get it up to the city -2021-09-20 08:28:02.045 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:28:02.045 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: indeed there were only one or two strangers who could be admitted among the sisters without producing the same result -Output Transcription: indeed there were only one or two strangers who could be admitted among the sisters without producing the same result -2021-09-20 08:28:02.045 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:28:02.049 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: he give up his position and shut the family up in that tomb of a house so t he could study his books -Output Transcription: he gave up his position and shut the family up in that tomb of a house so he could study his books -2021-09-20 08:28:02.053 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.086957 -2021-09-20 08:28:02.056 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: nay dear aunt you never heard me say that all people are called to forsake their work and their families -Output Transcription: nay dear and you never heard me say that all people are called to forsake their work and their families -2021-09-20 08:28:02.059 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.050000 -2021-09-20 08:28:02.062 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: two monsters only were creating all this commotion and before my eyes are two reptiles of the primitive world -Output Transcription: two monsters only recreating all this commotion and before my eyes are too ripe holes of the primitive world -2021-09-20 08:28:02.065 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.263158 -2021-09-20 08:28:02.067 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: ruth sat quite still for a time with face intent and flushed it was out now -Output Transcription: ruth sat quite still for a time with face and tent and flushed it was out now -2021-09-20 08:28:02.069 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.125000 -2021-09-20 08:28:02.069 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: were i to comply with your orders without expressing my own opinion i should seem to have done so willingly hereafter -Output Transcription: were i to comply with your orders without expressing my own opinion i should seem to have done so willingly hereafter -2021-09-20 08:28:02.070 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:28:02.074 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the sight of you bartley to see you living and happy and successful can i never make you understand what that means to me -Output Transcription: the sight of you partly to see you living and happy into successful can i never make you understand what that means to me -2021-09-20 08:28:02.078 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.083333 -2021-09-20 08:28:02.078 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i will make you translate them into french and you need not be afraid of my finding you insatiable -Output Transcription: i will make you translate them into french and you need not be afraid of my finding you insatiable -2021-09-20 08:28:02.079 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:28:02.082 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i believe in the training of people to their highest capacity the englishman here heartily seconded him -Output Transcription: i believe in the training of people to their has capacity the englishman here heartily seconded him -2021-09-20 08:28:02.084 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.058824 -2021-09-20 08:28:02.085 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the wharves of brooklyn and every part of new york bordering the east river were crowded with curiosity seekers -Output Transcription: the wharves of brooklyn and every part of new york bordering the east river were crowded with curiosity seekers -2021-09-20 08:28:02.086 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:28:02.090 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: as holmes drew the curtain i was aware from some little rigidity and alertness of his attitude that he was prepared for an emergency -Output Transcription: as holmes drew the curtain i was aware from some little rigidity and an alertness of his attitude that he was prepared for an emergency -2021-09-20 08:28:02.095 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.041667 -2021-09-20 08:28:02.099 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: she was very fond of the young ladies whom she had known when aunt jane was the mistress here and beth was her especial favorite -Output Transcription: she was very fond of the young ladies whom she had known when aunt jane was their mistress here and beth was her special favourite -2021-09-20 08:28:02.104 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.120000 -2021-09-20 08:28:02.107 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: then turning to jane she asked in a somewhat altered tone has she been a good girl jane -Output Transcription: then turning to jane she asked in a somewhat altered tone had she been a good girl jane -2021-09-20 08:28:02.109 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.055556 -2021-09-20 08:28:02.110 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: if this matter is not to become public we must give ourselves certain powers and resolve ourselves into a small private court martial -Output Transcription: if this matter is not to become public we must give ourselves certain powers and resolve ourselves into a small private court martial -2021-09-20 08:28:02.111 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:28:02.111 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: it is such a noble ambition that it is a pity it has usually such a shallow foundation -Output Transcription: it is such a noble ambition that it is a pity it has usually such a shallow foundation -2021-09-20 08:28:02.112 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:28:02.112 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: come come said holmes kindly it is human to err and at least no one can accuse you of being a callous criminal -Output Transcription: come come said holmes kindly it is human to err and at least no one can accuse you of being a callous criminal -2021-09-20 08:28:02.112 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:28:02.115 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: these thoughts agitated me all day and my imagination scarcely calmed down after several hours sleep -Output Transcription: these thoughts agitated me all day in my imagination scarcely calm down after several hours sleeve -2021-09-20 08:28:02.117 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.187500 -2021-09-20 08:28:02.119 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: and what demonstration do you offer asked servadac eagerly that it will not happen -Output Transcription: and what demonstration do you offer asked serac eagerly that it will not happen -2021-09-20 08:28:02.121 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.071429 -2021-09-20 08:28:02.121 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i knew nothing of the doctrine of faith because we were taught sophistry instead of certainty and nobody understood spiritual boasting -Output Transcription: i knew nothing of the doctrine of faith because we were taught sophistry instead of certainty and nobody understood spiritual boasting -2021-09-20 08:28:02.122 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:28:02.126 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: but it is not with a view to distinction that you should cultivate this talent if you consult your own happiness -Output Transcription: but it is not with a view to distinction that you should cultivate this talent if you can set your unhappiness -2021-09-20 08:28:02.129 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.190476 -2021-09-20 08:28:02.132 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: so ghip ghisizzle ordered the captain to take a file of soldiers and escort the raving beauties to their new home -Output Transcription: so hp chasis ordered the captain to take a file of soldiers and escort raving beauties to their new home -2021-09-20 08:28:02.136 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.142857 -2021-09-20 08:28:02.136 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: like the doves voice like transient day like music in the air ah -Output Transcription: like the doves voice like transient day like music in the air ah -2021-09-20 08:28:02.137 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:28:02.144 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the alternative was that someone passing had observed the key in the door had known that i was out and had entered to look at the papers -Output Transcription: they'll turn to was that someone passing had observed the key in the door had known that i was out and had entered to look at the papers -2021-09-20 08:28:02.149 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.111111 -2021-09-20 08:28:02.151 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: saturday august fifteenth the sea unbroken all round no land in sight -Output Transcription: saturday august fifteen the sea and broken all round no land in sight -2021-09-20 08:28:02.152 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.250000 -2021-09-20 08:28:02.152 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the mohican started on his feet and shook his shaggy covering as though the animal he counterfeited was about to make some desperate effort -Output Transcription: the mohican started on his feet and shook his shaggy covering as though the animal he counterfeited was about to make some desperate effort -2021-09-20 08:28:02.153 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:28:02.155 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: find some cresswells there big plantations rated at two hundred and fifty thousand dollars -Output Transcription: five some crust whales there big plantations radiate two hundred and fifty thousand dollars -2021-09-20 08:28:02.157 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.357143 -2021-09-20 08:28:02.157 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: what i mean is that i want you to promise never to see me again no matter how often i come no matter how hard i beg -Output Transcription: what i mean is that i want you to promise never to see me again no matter how often i come no matter how hard i beg -2021-09-20 08:28:02.157 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:28:02.157 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: ten days were consumed in these negotiations but the spirit of vengeance refused to yield -Output Transcription: ten days were consumed in these negotiations but the spirit of vengeance refused to yield -2021-09-20 08:28:02.158 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:28:02.163 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: not only this but on the table i found a small ball of black dough or clay with specks of something which looks like sawdust in it -Output Transcription: not only this but on the table i found a small ball of black doll or clay with specks of something which looks like sawdust and -2021-09-20 08:28:02.169 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.111111 -2021-09-20 08:28:02.172 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: yea his honourable worship is within but he hath a godly minister or two with him and likewise a leech -Output Transcription: yea his honourable worship is within but he hath the godly minister or two with him and likewise a leech -2021-09-20 08:28:02.176 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.050000 -2021-09-20 08:28:02.180 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the john bright is armed with a weapon of great power against which it is impossible that the people of britannula should prevail -Output Transcription: the job right his arm with a weapon of great power against which it is impossible that the people of britain ula should prevail -2021-09-20 08:28:02.184 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.260870 -2021-09-20 08:28:02.185 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the meter continued in general service during eighteen ninety nine and probably up to the close of the century -Output Transcription: the meter continued in general service during eighteen ninety nine and probably up to the close of the century -2021-09-20 08:28:02.185 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:28:02.185 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the door opened again while i was still studying the two brothers without i honestly confess being very favorably impressed by either of them -Output Transcription: the door opened again while i was still studying the two brothers without i honestly confess being very favorably impressed by either of them -2021-09-20 08:28:02.186 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:28:02.188 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: do you know lake oh i really can't tell but he'll soon tire of country life -Output Transcription: do you know like oh i'm really can't tell but he'll soon tire of country life -2021-09-20 08:28:02.190 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.125000 -2021-09-20 08:28:02.194 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: but emil if i understand then all our good times are over we can never do nice things together any more -Output Transcription: but imo if i understand it all or a good times are over we can never do nice things together any more -2021-09-20 08:28:02.198 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.190476 -2021-09-20 08:28:02.201 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: miss de graf said kenneth noticing the boy's face critically as he stood where the light from the passage fell upon it -Output Transcription: mister graft said kenneth noticing the boy's face critically as he stood where the light from the passage fell upon it -2021-09-20 08:28:02.205 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.136364 -2021-09-20 08:28:02.209 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: dear me ejaculated the old gentleman in the utmost amazement and such a time as i've had to get her here too -Output Transcription: dear me ejaculated the old gentleman and the utmost amazement and such a time as i've had to get her here to -2021-09-20 08:28:02.213 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.090909 -2021-09-20 08:28:02.215 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: not gold or silver or paschal lambs or an angel but himself what for -Output Transcription: not gold or silver or patio lamps or an angel but himself what for -2021-09-20 08:28:02.216 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.142857 -2021-09-20 08:28:02.217 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: for like as not they must have thought him a prince when they saw his fine cap -Output Transcription: for like as not they must have thought him a prince when they saw his fine cap -2021-09-20 08:28:02.217 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:28:02.222 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: but they could not have proven a case against lucy if she was innocent and all their threats of arresting her were probably mere bluff -Output Transcription: but they could not have proven a case against lucy if she was innocent and all their threats of arresting her were probably a mere bluff -2021-09-20 08:28:02.227 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.040000 -2021-09-20 08:28:02.228 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: gold is the most common metal in the land of oz and is used for many purposes because it is soft and pliable -Output Transcription: gold is the most common metal in the land of oz and is used for many purposes because it is soft and pliable -2021-09-20 08:28:02.228 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:28:02.231 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: but the memory of their exploits has passed away owing to the lapse of time and the extinction of the actors -Output Transcription: the memory of their exploits have passed away owing to the lapse of time and the extinction of the actors -2021-09-20 08:28:02.235 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.095238 -2021-09-20 08:28:02.239 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i couldn't shiver much bein bound so tight but when i'm loose i mean to have jus one good shiver to relieve my feelin's -Output Transcription: i couldn't shiver much being bound so tight but when i love i mean to have just one good shiver to relieve my feelings -2021-09-20 08:28:02.243 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.208333 -2021-09-20 08:28:02.247 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: it is founded on the acknowledged weakness of those who survive that period of life at which men cease to work -Output Transcription: it is founded on the acknowledged weakness of those who survived that period of life at which men cease to work -2021-09-20 08:28:02.251 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.047619 -2021-09-20 08:28:02.252 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: double nine two three elsinore double nine yes hallo is that you horatio hamlet speaking -Output Transcription: double nine two three elenor double not yes fellow is that you horatio hamlet speaking -2021-09-20 08:28:02.255 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.200000 -2021-09-20 08:28:02.258 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i can distinguish the eye of the ichthyosaurus glowing like a red hot coal and as large as a man's head -Output Transcription: i can distinguish the eye of dioscorus glowing like a red hot o and as large as a man's head -2021-09-20 08:28:02.261 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.142857 -2021-09-20 08:28:02.263 | INFO | deepspeech2x.model:test:372 - Error rate [wer] (1600/?) = 0.075543 -2021-09-20 08:28:06.064 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: in the old badly made play it was frequently necessary for one of the characters to take the audience into his confidence -Output Transcription: in the old badly made plain it was frequently necessary for one of the characters to take the audience into his competence -2021-09-20 08:28:06.069 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.090909 -2021-09-20 08:28:06.072 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i was to be taken away and carried to england or elsewhere or drowned upon the voyage it mattered not which -Output Transcription: i was to be taken away and carry to england or elsewhere or drowned upon the voyage mattered not which -2021-09-20 08:28:06.075 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.095238 -2021-09-20 08:28:06.079 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the delaware dog he said leaning forward and peering through the dim light to catch the expression of the other's features is he afraid -Output Transcription: the delaware dog he said leaning forward and peering through the dim light to catch the expression of the others features is he afraid -2021-09-20 08:28:06.084 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.041667 -2021-09-20 08:28:06.084 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: these women were flattered by the attention of the young lady and had promised to assist in electing mister forbes -Output Transcription: these women were flattered by the attention of the young lady and had promised to assist in electing mister forbes -2021-09-20 08:28:06.084 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:28:06.086 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: for one long moment he paused stupid agape with utter amazement then leaned dizzily against a tree -Output Transcription: for one long moment he paused stupid a gate with utter amazement then leaned dizzily against the tree -2021-09-20 08:28:06.089 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.176471 -2021-09-20 08:28:06.091 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the attendance was unexpectedly large and the girls were delighted foreseeing great success for their fete -Output Transcription: the attendance was unexpectedly large and the girls were delighted for seeing great success for their fight -2021-09-20 08:28:06.093 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.187500 -2021-09-20 08:28:06.098 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: if the prosecution were withdrawn and the case settled with the victim of the forged check then the young man would be allowed his freedom -Output Transcription: if the prosecution were withdrawn and the case settled with the victim of the fore check then the young man would be allowed his freedom -2021-09-20 08:28:06.103 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.040000 -2021-09-20 08:28:06.106 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: he was a fanatic on formality and he only addressed me in the third person to the point where it got tiresome -Output Transcription: he was a fanatic on formality and he only addressed me in the third person to the point where it got higher some -2021-09-20 08:28:06.110 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.090909 -2021-09-20 08:28:06.110 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: when she could not make a rabbit or a bird look real on paper she searched in her father's books for pictures of its bones -Output Transcription: when she could not make a rabbit or a bird look real on paper she searched in her father's books for pictures of its bones -2021-09-20 08:28:06.111 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:28:06.114 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: we look for that reward which eye hath not seen nor ear heard neither hath entered into the heart of man -Output Transcription: we look for that reward which i hath not seen nor ear heard neither hath entered into the heart of man -2021-09-20 08:28:06.117 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.047619 -2021-09-20 08:28:06.118 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: to teach reading means to light the fire every syllable spelled out sparkles -Output Transcription: to teach reading means to light the fire every syllable spelled out sparkles -2021-09-20 08:28:06.118 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:28:06.122 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: they moved thereafter cautiously about the hut groping before and about them to find something to show that warrenton had fulfilled his mission -Output Transcription: they moved thereafter cautiously about the hut groping before and about them to find something to show that the warrant in had fulfilled his mission -2021-09-20 08:28:06.126 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.130435 -2021-09-20 08:28:06.129 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the atmosphere is charged with vapours pervaded with the electricity generated by the evaporation of saline waters -Output Transcription: the atmosphere is charged with vapors pervaded with the electricity generated by the evaporation of sailing waters -2021-09-20 08:28:06.131 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.117647 -2021-09-20 08:28:06.131 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: he summoned half a dozen citizens to join his posse who followed obeyed and assisted him -Output Transcription: he summoned half a dozen citizens to join his posse who followed obeyed and assisted him -2021-09-20 08:28:06.131 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:28:06.132 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: hotel a place where a guest often gives up good dollars for poor quarters -Output Transcription: hotel a place where a guest often gives up good dollars for poor quarters -2021-09-20 08:28:06.132 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:28:06.137 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: but it is on other grounds worth noting that the term waste in the language of everyday life implies deprecation of what is characterized as wasteful -Output Transcription: but it is another grand worth noting that the term waste in the language of everyday life implies deprecation of what is characterized as wasteful -2021-09-20 08:28:06.142 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.115385 -2021-09-20 08:28:06.145 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: in novels the hero has often pushed his meals away untasted but no stage hero would do anything so unnatural as this -Output Transcription: in novels the hero has often pushed his meals away un tasted but no state or would do anything so unnatural as this -2021-09-20 08:28:06.149 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.181818 -2021-09-20 08:28:06.153 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: it is you who are mistaken raoul i have read his distress in his eyes in his every gesture and action the whole day -Output Transcription: it is you were mistaken row i have read his distress in his eyes in his every gesture and action the whole day -2021-09-20 08:28:06.158 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.125000 -2021-09-20 08:28:06.160 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: semon's two books mentioned in an earlier lecture do not touch knowledge memory at all closely -Output Transcription: sermons two books mentioned in an earlier lecture do not touch knowledge memory at all closely -2021-09-20 08:28:06.162 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.062500 -2021-09-20 08:28:06.164 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: hilda watched him from her corner trembling and scarcely breathing dark shadows growing about her eyes it -Output Transcription: hilda watched him from the corner trembling and scarcely breathing dark shadows growing about her eyes it -2021-09-20 08:28:06.166 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.058824 -2021-09-20 08:28:06.171 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: this truth which i have learned from her lips is confirmed by his face in which we have both beheld that of our son -Output Transcription: this truth which i have learned from her lips is confirmed by his face in which we have both be held that of our son -2021-09-20 08:28:06.175 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.083333 -2021-09-20 08:28:06.176 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: there were plenty of people to help but of course the young lady who should go down as governess would be in supreme authority -Output Transcription: there were plenty of people to help but of course the young lady who should go down as governess would be in supreme authority -2021-09-20 08:28:06.176 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:28:06.179 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i swan to man he ejaculated if you don't work hard you can't keep up with the times doctor of laws -Output Transcription: i swaying to men he ejaculated if you don't work hard you can keep up with the times doctor of laws -2021-09-20 08:28:06.183 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.142857 -2021-09-20 08:28:06.183 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: from rubbing shoulders with scientists in our little universe by the botanical gardens the boy had come to know a thing or two -Output Transcription: from rubbing shoulders with scientists in our little universe by the botanical gardens the boy had come to know a thing or two -2021-09-20 08:28:06.184 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:28:06.189 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i had scarcely known what i had been saying or doing up to this time but as he spoke i looked at my hand -Output Transcription: i had scarcely known when i had been saying or doing up to this time by as he spoke i looked at my hand -2021-09-20 08:28:06.193 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.083333 -2021-09-20 08:28:06.196 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: look yonder do you not see the moon slowly rising silvering the topmost branches of the chestnuts and the oaks -Output Transcription: look yonder do you not see the moon slowly rising silvering the topmost branches of the chestnuts and the yolks -2021-09-20 08:28:06.199 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.050000 -2021-09-20 08:28:06.199 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: to bestow peace and grace lies in the province of god who alone can create these blessings the angels cannot -Output Transcription: to bestow peace and grace lies in the province of god who alone can create these blessings the angels cannot -2021-09-20 08:28:06.200 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:28:06.204 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: she a tory and clergyman's daughter was always in a minority of one in our house of violent dissent and radicalism -Output Transcription: she torian clergyman's daughter was always in a minority of one in our house of violent dissent and radicalism -2021-09-20 08:28:06.207 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.142857 -2021-09-20 08:28:06.211 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: by this time the two gentlemen had reached the palings and had got down from their horses it was plain they meant to come in -Output Transcription: by this time the two gentlemen had reached the palins and had got down from their horses it was plain they meant to come in -2021-09-20 08:28:06.217 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.040000 -2021-09-20 08:28:06.217 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: surface dust at least had been removed and the fine old furniture gave a hint of its real elegance and polish -Output Transcription: surface dust at least had been removed and the fine old furniture gave a hint of its real elegance and polish -2021-09-20 08:28:06.217 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:28:06.221 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the revelation of his love lighted and brightened slowly till it flamed like a sunrise over him and left him in burning wonder -Output Transcription: the revelation of his love lighted and brightened slowly till it flamed like a sunrise over him and left him in bruning wonder -2021-09-20 08:28:06.225 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.043478 -2021-09-20 08:28:06.226 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: whatever lord chelford said miss brandon received it very graciously and even with a momentary smile -Output Transcription: whatever lord chelford said miss brandon received it very graciously and even with a momentary smile -2021-09-20 08:28:06.226 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:28:06.230 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: put these playthings all away quick and carefully and we will not let them know any thing about your leaving them out -Output Transcription: but these playthings all away quick and carefully and we will not let them know anything about your leaving them out -2021-09-20 08:28:06.234 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.136364 -2021-09-20 08:28:06.235 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: you seem anxious my uncle i said seeing him continually with his glass to his eye anxious -Output Transcription: you seem anxious my uncle i said seeing him continually with his glass to his eye anxious -2021-09-20 08:28:06.235 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:28:06.235 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i had a name i believe in my young days but i have forgotten it since i have been in service -Output Transcription: i had a name i believe in my young days but i have forgotten it since i have been in service -2021-09-20 08:28:06.236 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:28:06.239 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: their walk continued silent for the greater part neither was quite satisfied with the other but rachel at last said -Output Transcription: the walk continued silent for the greater part neither was quite satisfied with the other but rachel at last said -2021-09-20 08:28:06.242 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.050000 -2021-09-20 08:28:06.243 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: his wife now lies beside him and the white shaft that marks their graves gleams across the wheat fields -Output Transcription: his wife now lies beside him and the white shaft that marks their graves gleams across the wheat fields -2021-09-20 08:28:06.243 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:28:06.248 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: at the sudden sharp sting of it the great bird turned his head and noticed for the first time the fisherman standing on the bank -Output Transcription: at the sudden sharp sting of it the great bird turned his head and noticed for the first time the fishermen standing on the bank -2021-09-20 08:28:06.253 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.040000 -2021-09-20 08:28:06.253 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: he reckoned therefore not only upon ascertaining the extent of the late catastrophe but upon learning its cause -Output Transcription: he reckoned therefore not only upon ascertaining the extent of the late catastrophe but upon learning its cause -2021-09-20 08:28:06.253 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:28:06.257 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: he detested the grasping disposition that would endeavor to take advantage of his evident desire to help young gates -Output Transcription: he detested the grasping despises and that would endeavour to take advantage of his evident desire to help young gates -2021-09-20 08:28:06.260 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.157895 -2021-09-20 08:28:06.265 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: we are losing time and the fact is i have not come all this way to take a little sail upon a pond on a raft -Output Transcription: we are losing time and the fact is i have not come all this way to take a little sale upon a pond on a raft -2021-09-20 08:28:06.270 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.038462 -2021-09-20 08:28:06.274 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: warrenton spoke thus with significance to show robin that he was not to think geoffrey's claims to the estate would be passed by -Output Transcription: warrenton spoke thus with significance to show robin that he was not to think jeffrey's claims to the estate where we passed by -2021-09-20 08:28:06.278 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.130435 -2021-09-20 08:28:06.281 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: it sounded dull it sounded strange and all the more so because of his main condition which was -Output Transcription: it sounded dull that sounded strange and all the more because of his main condition which was -2021-09-20 08:28:06.284 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.111111 -2021-09-20 08:28:06.287 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: in the light of the moon i saw a knife red with blood and my hand too was also discoloured -Output Transcription: in the light of the moon i saw a knife red with blood and my hand too was also discolored -2021-09-20 08:28:06.290 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.050000 -2021-09-20 08:28:06.291 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: jack had been standing in the far corner of the room talking to eva and was now reduced to silence by his praises -Output Transcription: jack had been standing in the far corner of the room talking to eva and was now reduced to silence by his praises -2021-09-20 08:28:06.291 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:28:06.295 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: she was dressed in the regulation costume of the maids at elmhurst a plain black gown with white apron and cap -Output Transcription: she was dressed in the regulation costume of the maids at elmhurst a plain black gown with a white apron and cap -2021-09-20 08:28:06.298 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.047619 -2021-09-20 08:28:06.302 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: plato had not the command of his materials which would have enabled him to produce a perfect work of art -Output Transcription: place had not the command of his materials which would have enabled him to produce a perfect work of art -2021-09-20 08:28:06.305 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.050000 -2021-09-20 08:28:06.312 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: they were upon the verge of an open trap in the far corner of the hut and stuteley had tripped over the edge of the reversed flap mouth of this pit -Output Transcription: they were upon the verge of an open trap in the far corner of the hut and stately had tripped over the edge of the reversed flat mouth of this pit -2021-09-20 08:28:06.319 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.064516 -2021-09-20 08:28:06.320 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: this outward mutability indicated and did not more than fairly express the various properties of her inner life -Output Transcription: this outward mutability indicated and did not more than fairly express the various properties of her inner life -2021-09-20 08:28:06.320 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:28:06.324 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: it is an antipathy an antipathy i cannot get over dear dorcas you may think it a madness but don't blame me -Output Transcription: it is an antipathy and antipathy i cannot get over dear dorcas you may think it a madness but don't blame me -2021-09-20 08:28:06.327 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.045455 -2021-09-20 08:28:06.332 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: you know i have just been telling you how this school of materialism and clay involved itself at last in cloud and fire -Output Transcription: you know i have just been telling you how this school materialism and clay involved itself at last in cloud and fire -2021-09-20 08:28:06.335 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.043478 -2021-09-20 08:28:06.336 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i was hoping that if the paper on which he wrote was thin some trace of it might come through upon this polished surface no i see nothing -Output Transcription: i was hoping that if the paper on which he wrote was thin some trace of it might come through upon this polished surface no i see nothing -2021-09-20 08:28:06.336 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:28:06.337 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: after proceeding a few miles the progress of hawkeye who led the advance became more deliberate and watchful -Output Transcription: after proceeding a few miles the progress of hawkeye who led the advance became more deliberate and watchful -2021-09-20 08:28:06.337 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:28:06.339 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: quick quick then among the high reed grass said montalais stoop athenais you are so tall -Output Transcription: quick quick then among the high reed grass said montanas stoop athena you are so tall -2021-09-20 08:28:06.341 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.125000 -2021-09-20 08:28:06.344 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: its jaw is enormous and according to naturalists it is armed with no less than one hundred and eighty two teeth -Output Transcription: its jaw is enormous and according naturalists is armed with no less than one hundred and eighty two teeth -2021-09-20 08:28:06.348 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.095238 -2021-09-20 08:28:06.352 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: very much of squalor and discomfort will be endured before the last trinket or the last pretense of pecuniary decency is put away -Output Transcription: very much of squalor and discomfort will be endured before the last trinket or the last pretence of pecuniary decency is put away -2021-09-20 08:28:06.356 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.043478 -2021-09-20 08:28:06.360 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the night was spent in packing up and writing letters for philip would not take such an important step without informing his friends -Output Transcription: the night was spent in packing up in writing letters for philip would not take such an important step without informing his friends -2021-09-20 08:28:06.364 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.043478 -2021-09-20 08:28:06.365 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: did not christ himself say i am the way and the truth and the life no man cometh unto the father but by me -Output Transcription: did not christ himself say i am the way and the truth and the life no man cometh unto the father but by me -2021-09-20 08:28:06.365 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:28:06.366 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: oh mademoiselle why have i not a devoted sister or a true friend such as yourself -Output Transcription: oh mademoiselle why have i not a devoted sister or a true friend such as yourself -2021-09-20 08:28:06.366 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:28:06.371 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: what is the tumult and rioting cried out the squire authoritatively and he blew twice on a silver whistle which hung at his belt -Output Transcription: what is the tumult and rioting cried out the squire authoritatively and he blew twice on the silver whistle which hung at his belt -2021-09-20 08:28:06.375 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.041667 -2021-09-20 08:28:06.377 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: nancy's curly chestnut crop shone in the sun and olive's thick black plaits looked blacker by contrast -Output Transcription: nancy's curly chestnut crop shone in the sun and olive thick black plates looked blacker by contrast -2021-09-20 08:28:06.380 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.117647 -2021-09-20 08:28:06.380 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: cried one of the women he took no notice of her he looked at me but as if instead of me he saw what he spoke of -Output Transcription: cried one of the women he took no notice of her he looked at me but as if instead of me he saw what he spoke of -2021-09-20 08:28:06.381 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:28:06.384 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: but suddenly straight and swift as a diving cormorant he shot down into the torrent and disappeared beneath the surface -Output Transcription: but suddenly straight and swift as a dive in comrade he shot down into the torrent and disappeared beneath the surface -2021-09-20 08:28:06.388 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.150000 -2021-09-20 08:28:06.391 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: other circumstances permitting that instinct disposes men to look with favor upon productive efficiency and on whatever is of human use -Output Transcription: are the circumstances permitting that instinct disposes men to look with favor upon productive efficiency and on whatever is of human use -2021-09-20 08:28:06.395 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.095238 -2021-09-20 08:28:06.396 | INFO | deepspeech2x.model:test:372 - Error rate [wer] (1664/?) = 0.074457 -2021-09-20 08:28:13.704 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: his feet were red his long narrow beak with its saw toothed edges and sharp hooked tip was bright red -Output Transcription: his feet were red his long narrow beak with its soul toothed edges and sharp hooked tip was bright red -2021-09-20 08:28:13.708 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.050000 -2021-09-20 08:28:13.711 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the behaviourist who attempts to make psychology a record of behaviour has to trust his memory in making the record -Output Transcription: the behaviors to attempts to make psychology a record of behaviour has to trust his memory and making the record -2021-09-20 08:28:13.714 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.150000 -2021-09-20 08:28:13.720 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: but your power is so superior to any that i can advance as to make us here feel that there is no disgrace in yielding to it -Output Transcription: but your power is so superior to any that i can advance as to make us here feel that there is no disgrace and yielding to it -2021-09-20 08:28:13.726 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.037037 -2021-09-20 08:28:13.726 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: suddenly for the purpose of restoring peace and order spring accompanied by his whole court made his appearance -Output Transcription: suddenly for the purpose of restoring peace and order spring accompanied by his whole court made his appearance -2021-09-20 08:28:13.726 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:28:13.731 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the first of these touches conveyed that the written statement took up the tale at a point after it had in a manner begun -Output Transcription: the first of these touches conveyed that the written statement took up the tale at a point after it had in a manner for gun -2021-09-20 08:28:13.735 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.083333 -2021-09-20 08:28:13.737 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: suddenly the ichthyosaurus and the plesiosaurus disappear below leaving a whirlpool eddying in the water -Output Transcription: suddenly the tears and the plesiosaurs disappear below leaving a warp eddy in the water -2021-09-20 08:28:13.739 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.266667 -2021-09-20 08:28:13.744 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i understand you to say that there are three students who use this stair and are in the habit of passing your door yes there are -Output Transcription: i understand you to say that there are three students to use the star and are in the habit of passing your door yes there are -2021-09-20 08:28:13.749 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.115385 -2021-09-20 08:28:13.749 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: true history being a mixture of all things the true historian mingles in everything -Output Transcription: true history being a mixture of all things the true historian mingles in everything -2021-09-20 08:28:13.749 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:28:13.752 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i love thee with the passion put to use in my old griefs and with my childhood's faith -Output Transcription: i love thee with the passion put to use in my old breeds and with my childhood's faith -2021-09-20 08:28:13.754 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.055556 -2021-09-20 08:28:13.755 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: this would be an easy way of doing it but it would not be the best way for the reason that it is too easy to call attention to itself -Output Transcription: this would be an easy way of doing it but it would not be the best way for the reason that it is too easy to call attention to itself -2021-09-20 08:28:13.755 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:28:13.758 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: of course he reflected she always had that combination of something homely and sensible and something utterly wild and daft -Output Transcription: of course he reflected she always had that combination of something homely insensible and something utterly wild and daft -2021-09-20 08:28:13.761 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.100000 -2021-09-20 08:28:13.765 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the log and the compass therefore were able to be called upon to do the work of the sextant which had become utterly useless -Output Transcription: the log and the compass therefore were able to be called upon to do the work of the extant which had become utterly useless -2021-09-20 08:28:13.769 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.041667 -2021-09-20 08:28:13.774 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: but hawkeye who was too much occupied with his own thoughts to note the movement continued speaking more to himself than to his companion -Output Transcription: but hawkeye who was too much occupied with his own thoughts to note the movement continued speaking more to himself into his companion -2021-09-20 08:28:13.778 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.083333 -2021-09-20 08:28:13.780 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: thus no knowledge as to the past is to be derived from the feeling of familiarity alone -Output Transcription: thus no knowledge as to the past is to be derived from the filling of familiarity alone -2021-09-20 08:28:13.782 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.058824 -2021-09-20 08:28:13.782 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: in short he becomes a prominent figure in london society and if he is not careful somebody will say so -Output Transcription: in short he becomes a prominent figure in london society and if he is not careful somebody will say so -2021-09-20 08:28:13.783 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:28:13.783 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: how much of evil of real accomplished evil had there not occurred to me during the last few days -Output Transcription: how much of evil of real accomplished evil had there not occurred to me during the last few days -2021-09-20 08:28:13.783 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:28:13.785 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: a ring of amethyst i could not wear here plainer to my sight than that first kiss -Output Transcription: a ring of amethyst i could not wear here plainer to my side than that first kiss -2021-09-20 08:28:13.788 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.058824 -2021-09-20 08:28:13.791 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: you ought to know john if i teach negroes i'll scarcely see much of people in my own class -Output Transcription: you ought to know john if i teach negroes all scarcely see much of people in my own class -2021-09-20 08:28:13.793 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.052632 -2021-09-20 08:28:13.800 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: an article may be useful and wasteful both and its utility to the consumer may be made up of use and waste in the most varying proportions -Output Transcription: an article may be useful and wasteful both and it setit to the consumer may be made up of use and waste in the most varying proportions -2021-09-20 08:28:13.805 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.074074 -2021-09-20 08:28:13.805 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: it was simple enough sir if you only had known but with all your cleverness it was impossible that you could know -Output Transcription: it was simple enough sir if you only had known but with all your cleverness it was impossible that you could know -2021-09-20 08:28:13.806 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:28:13.810 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: four or five of the latter only lingered about the door of the prison of uncas wary but close observers of the manner of their captive -Output Transcription: four or five of the latter only lingered about the door of the prison of uncas weary but close observers of the manner of their captive -2021-09-20 08:28:13.815 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.038462 -2021-09-20 08:28:13.817 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: don't you know one about bacon and tallow candles can't you tell any larder stories -Output Transcription: don't you know one about bacon and talca does cant you to any larger stories -2021-09-20 08:28:13.819 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.333333 -2021-09-20 08:28:13.824 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: surely it must be because we are in danger of loving each other too well of losing sight of the creator in idolatry of the creature -Output Transcription: truly it must be because we are in danger of loving each other too well of losing sight of the creator in idolatry of the creature -2021-09-20 08:28:13.829 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.038462 -2021-09-20 08:28:13.829 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: but here he was at a terrible disadvantage as compared with the owls hawks and eagles he had no rending claws -Output Transcription: but here he was at a terrible disadvantage as compared with the owls hawks and eagles he had no rending claws -2021-09-20 08:28:13.829 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:28:13.829 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: he passed through henley saint albans and came so near to london as harrow on the hill -Output Transcription: he passed through henley saint albans and came so near to london as harrow on the hill -2021-09-20 08:28:13.830 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:28:13.834 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: that evening trot gave a grand ball in the palace to which the most important of the pinkies and the blueskins were invited -Output Transcription: that evening to give a grand ball in the palace to which the most important of the pinkies in the blue skins were invited -2021-09-20 08:28:13.838 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.217391 -2021-09-20 08:28:13.838 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: if he to keep one oath must lose one joy by his life's star foretold -Output Transcription: if he to keep one oath must lose one joy by his life's star foretold -2021-09-20 08:28:13.838 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:28:13.838 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: but they have nothing to do with the interpretation of plato and in spirit they are opposed to him -Output Transcription: but they have nothing to do with the interpretation of plato and in spirit they are opposed to him -2021-09-20 08:28:13.839 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:28:13.842 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: at the inception of plural marriage among the latter day saints there was no law national or state against its practise -Output Transcription: at the inception of burl marriage among the latter day saints there was no law national or state against its practice -2021-09-20 08:28:13.846 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.095238 -2021-09-20 08:28:13.849 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: you have received us with all that courtesy and hospitality for which your character in england stands so high -Output Transcription: you have received us with all that courtesy and hospitality for which your character in england stand so high -2021-09-20 08:28:13.853 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.052632 -2021-09-20 08:28:13.857 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: alexander paced up and down the hallway buttoning and unbuttoning his overcoat until she returned and took him up to hilda's living room -Output Transcription: alexander paced up and down the hallway buttoning and unbuttoning his overcoat until she returned and took him up to hill his living room -2021-09-20 08:28:13.861 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.086957 -2021-09-20 08:28:13.864 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: instead of shoes the old man wore boots with turnover tops and his blue coat had wide cuffs of gold braid -Output Transcription: instead of shoes the old man wore boots with turn over tops and his blue coat had wide cuffs of gold braid -2021-09-20 08:28:13.868 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.095238 -2021-09-20 08:28:13.873 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: not a doubt but had your force been only double or treble our own i should have found it my duty to struggle with you -Output Transcription: not a doubt but had your force been only double or trouble our own i should have found it my duty to struggle with you -2021-09-20 08:28:13.878 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.040000 -2021-09-20 08:28:13.878 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: other subtleties occur inside each episode the textures sparkling with wit information and insight -Output Transcription: other subtleties occur inside each episode the textures sparkling with wit information and insight -2021-09-20 08:28:13.879 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:28:13.884 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i greatly mourn that one so well disposed should die in his ignorance and i have sought a goodly hymn can you lead me to him -Output Transcription: i greatly mourned that one so well disposed should die in his ignorance and i have sought a goodly hymn can you lead me to him -2021-09-20 08:28:13.889 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.038462 -2021-09-20 08:28:13.890 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: he planted a company before the hotel and demanded a surrender of the arms belonging to the free state military companies -Output Transcription: he planted a company before the hotel and demanded a surrender of the arms belonging to the free state military companies -2021-09-20 08:28:13.890 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:28:13.893 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: and though i have grown serene and strong since then i think that god has willed a still renewable fear -Output Transcription: and though i have grown serene and strong since then i think that god his will a still renewable fear -2021-09-20 08:28:13.897 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.100000 -2021-09-20 08:28:13.901 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the doctor who attended the injured creature in this case was simply told that she slipped and fell down stairs as she was coming down -Output Transcription: the doctor who attended the ancient creature in this case was simply told that she slipped and fell down the stairs as she was coming down -2021-09-20 08:28:13.906 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.080000 -2021-09-20 08:28:13.910 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: she was therefore most agreeably surprised to hear mister cresswell express himself so cordially as approving of negro education -Output Transcription: she was therefore most agreeably surprised to hear mister criswell express himself so cordially as approving of negro education -2021-09-20 08:28:13.913 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.052632 -2021-09-20 08:28:13.917 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i've managed to save something every year and that with helping my three sisters now and then and tiding poor cousin mike over bad seasons -Output Transcription: i've managed to save something every year and that with helping my three sisters now and then and tiding poor cousin michael bad seasons -2021-09-20 08:28:13.922 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.080000 -2021-09-20 08:28:13.923 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: among other things on which she cast her eyes was a small crucifix of solid silver standing on a cabinet near the window -Output Transcription: among other things on which she cast her eyes was a small crucifix of solid silver standing on a cabinet near the window -2021-09-20 08:28:13.923 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:28:13.927 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: all that i am doing is to use its logical tenability as a help in the analysis of what occurs when we remember -Output Transcription: all that i am doing is to use its logical tunability as a help in the analysis of what occurs when we remember -2021-09-20 08:28:13.931 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.043478 -2021-09-20 08:28:13.931 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: there was a unanimous groan at this and much reproach after which in his preoccupied way he explained -Output Transcription: there was a unanimous groan at this and much reproach after which in his preoccupied way he explained -2021-09-20 08:28:13.932 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:28:13.936 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: it was a pain to see them and a sword like pain to see the signs of adolescence that made repellent their pitiable nakedness -Output Transcription: it was a pain to see them and a sword like paying to see the signs of adolescence that made repellent their pitiable nakedness -2021-09-20 08:28:13.941 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.041667 -2021-09-20 08:28:13.943 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: jack would become eva's happy husband and would remain amidst the hurried duties of the eager world -Output Transcription: jack would become evans happy husband and would remain a mist the hurried duties of the eager world -2021-09-20 08:28:13.946 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.176471 -2021-09-20 08:28:13.947 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: very carefully the magician removed this powder placing it all together in a golden dish where he mixed it with a golden spoon -Output Transcription: very carefully the magician removed this powder placing it all together in a golden dish where he mixed it with a golden spoon -2021-09-20 08:28:13.948 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:28:13.948 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: poor rachel her nature recoiled from deceit and she told at all events as much of the truth as she dared -Output Transcription: poor rachel her nature recoiled from deceit and she told at all events as much of the truth as she dared -2021-09-20 08:28:13.948 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:28:13.953 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: his hat had a peaked crown and a flat brim and around the brim was a row of tiny golden bells that tinkled when he moved -Output Transcription: his hat had a peaked crown in a flat brim and around the brim was a row of tiny golden bells that tinkled when he moved -2021-09-20 08:28:13.958 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.038462 -2021-09-20 08:28:13.961 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: but plato has not the same mastery over his instrument which he exhibits in the phaedrus or symposium -Output Transcription: but plato has not the same mystery over his instrument which he exhibits in the features or symposium -2021-09-20 08:28:13.964 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.111111 -2021-09-20 08:28:13.966 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i would fain know if i am destined for so glorious a career cried the tree rejoicing -Output Transcription: i would fain know if i am destined for so glory as a career cried the tree rejoicing -2021-09-20 08:28:13.969 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.117647 -2021-09-20 08:28:13.974 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: one of the sailors led me to the afterdeck where i stood in the presence of a smart looking officer who extended his hand to me -Output Transcription: one of the sailors led me to the after deck where i stood in the presence of a smart looking officer who extended his hand to me -2021-09-20 08:28:13.980 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.076923 -2021-09-20 08:28:13.981 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: he spoke french perfectly i have been told when need was but delighted usually in talking the broadest yorkshire -Output Transcription: he spoke french perfectly i have been told when need was but delighted usually in talking the broadest yorkshire -2021-09-20 08:28:13.981 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:28:13.988 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i've got a little idea for a play about a man and a woman and another woman and but perhaps i'd better keep the plot a secret for the moment -Output Transcription: i've got a little idea for a play about a man and a woman and another woman and but perhaps had better get up on a secret for the moment -2021-09-20 08:28:13.994 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.133333 -2021-09-20 08:28:13.996 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: mussulmans and giaours throw kerchiefs at a smile and have no ruth for any weeping -Output Transcription: mussulman and gears through kerchiefs and a smile and have no ruth for any weeping -2021-09-20 08:28:13.998 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.266667 -2021-09-20 08:28:14.003 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: but as we descend the social scale the point is presently reached where the duties of vicarious leisure and consumption devolve upon the wife alone -Output Transcription: but as we descend the social scale the point is presently reached where the duties of icarus leisure and consumption devolve upon the wife alone -2021-09-20 08:28:14.008 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.040000 -2021-09-20 08:28:14.010 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: this reality begins to explain the dark power and otherworldly fascination of twenty thousand leagues under the seas -Output Transcription: this reality begins to explain the dark power and other worldly fascination of twenty thousand leagues under the seas -2021-09-20 08:28:14.014 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.111111 -2021-09-20 08:28:14.018 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: uncas who had already approached the door in readiness to lead the way now recoiled and placed himself once more in the bottom of the lodge -Output Transcription: uncas who had already approached the door and readiness to lead the way now recoiled and placed himself once more in the bottom of the lodge -2021-09-20 08:28:14.024 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.038462 -2021-09-20 08:28:14.027 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the genealogies which you have recited to us out of your own annals solon are a mere children's story -Output Transcription: the genealogies which we have recited to us out of your own annual sullen are a mere children's story -2021-09-20 08:28:14.030 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.157895 -2021-09-20 08:28:14.034 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i will briefly describe them to you and you shall read the account of them at your leisure in the sacred registers -Output Transcription: i will briefly describe them to you and i shall read the account of them at your leisure in the secret registers -2021-09-20 08:28:14.037 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.090909 -2021-09-20 08:28:14.042 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the wearers of uniforms and liveries may be roughly divided into two classes the free and the servile or the noble and the ignoble -Output Transcription: the wearers of uniforms in liveries may be roughly divided into two classes the free and the servile or the noble and the ignoble -2021-09-20 08:28:14.046 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.041667 -2021-09-20 08:28:14.050 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: mainhall vouched for her constancy with a loftiness that made alexander smile even while a kind of rapid excitement was tingling through him -Output Transcription: may hold out for her constancy with a loftiness that made alexander smile even while a kind of rapid excitement was tingling through him -2021-09-20 08:28:14.055 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.130435 -2021-09-20 08:28:14.055 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the retreat will begin on wednesday afternoon in honour of saint francis xavier whose feast day is saturday -Output Transcription: the retreat will begin on wednesday afternoon in honour of saint francis xavier whose feast day is saturday -2021-09-20 08:28:14.055 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:28:14.058 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the style and plan of the timaeus differ greatly from that of any other of the platonic dialogues -Output Transcription: the style and plan of the times differ greatly from that of any other of the platonic dialogues -2021-09-20 08:28:14.060 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.055556 -2021-09-20 08:28:14.064 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: but in egypt the traditions of our own and other lands are by us registered for ever in our temples -Output Transcription: but in egypt the traditions of our own and other lands are by us registered forever in our temples -2021-09-20 08:28:14.067 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.100000 -2021-09-20 08:28:14.068 | INFO | deepspeech2x.model:test:372 - Error rate [wer] (1728/?) = 0.073901 -2021-09-20 08:28:18.084 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: she sat down in a rocking chair and clasping her hands in her lap rocked slowly back and forth i'm sorry said beth -Output Transcription: she sat down in a rocking chair and clasping her hands in her lap rocked slowly back and forth i'm sorry said beth -2021-09-20 08:28:18.086 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:28:18.086 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: notwithstanding the high resolution of hawkeye he fully comprehended all the difficulties and danger he was about to incur -Output Transcription: notwithstanding the high resolution of hawkeye he fully comprehended all the difficulties and danger he was about to incur -2021-09-20 08:28:18.086 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:28:18.086 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: when bartley arrived at bedford square on sunday evening marie the pretty little french girl met him at the door and conducted him upstairs -Output Transcription: when bartley arrived at bedford square on sunday evening marie the pretty little french girl met him at the door and conducted him upstairs -2021-09-20 08:28:18.087 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:28:18.087 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: he stood a little behind her and tried to steady himself as he said it's soft and misty see how white the stars are -Output Transcription: he stood a little behind her and tried to steady himself as he said it's soft and misty see how white the stars are -2021-09-20 08:28:18.087 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:28:18.087 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: if we had retained the subject or act in knowledge the whole problem of memory would have been comparatively simple -Output Transcription: if we had retained the subject or act in knowledge the whole problem of memory would have been comparatively simple -2021-09-20 08:28:18.088 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:28:18.090 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: mother carey poured coffee nancy chocolate and the others helped serve the sandwiches and cake doughnuts and tarts -Output Transcription: mother carry board coffee nancy chocolate and the others help serve the sandwiches and cake donuts ome tarts -2021-09-20 08:28:18.093 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.277778 -2021-09-20 08:28:18.093 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i have come to your shores mister president with the purpose of seeing how things are progressing in this distant quarter of the world -Output Transcription: i have come to your shores mister president with the purpose of seeing how things are progressing in this distant quarter of the world -2021-09-20 08:28:18.094 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:28:18.100 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: they set up a crane over the fire and hung the pot upon it and we sat and watched it boil while we joked at last the supper began -Output Transcription: they set up a crane over the fire and hung upon upon it and we sat and watched the oil while we joked at last the supper began -2021-09-20 08:28:18.106 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.137931 -2021-09-20 08:28:18.113 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: mistress fitzooth had been carried off by the sheriff's daughter and her maids as soon as they had entered the house so that robin alone had the care of montfichet -Output Transcription: mistress the tooth had been carried off by the sheriff's daughter in her maids as soon as they had entered the house so that robin alone had the care of montrachet -2021-09-20 08:28:18.120 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.133333 -2021-09-20 08:28:18.124 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: to do so is to lose god altogether because god becomes intolerable when we seek to measure and to comprehend his infinite majesty -Output Transcription: to do so is to lose god altogether because god becomes intolerable when we seek to measure to comprehend his infinite majesty -2021-09-20 08:28:18.127 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.043478 -2021-09-20 08:28:18.130 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: nothing can exceed the beauty or art of the introduction in which he is using words after his accustomed manner -Output Transcription: nothing can exceed the beauty or are dating production in which is using words after his accustomed manner -2021-09-20 08:28:18.133 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.250000 -2021-09-20 08:28:18.133 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the eyes of the whole party followed the unexpected movement and read their success in the air of triumph that the youth assumed -Output Transcription: the eyes of the whole party followed the unexpected movement and read their success in the air of triumph that the youth assumed -2021-09-20 08:28:18.134 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:28:18.141 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: if you are not then knocked on the head your being a non composser will protect you and you'll then have a good reason to expect to die in your bed -Output Transcription: if you are not there knocked on the head your being a non composter will protect you and you'll then have a good reason to expect to die in your bed -2021-09-20 08:28:18.149 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.064516 -2021-09-20 08:28:18.152 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: a fresh wholesome looking boy was tom gates with steady gray eyes an intelligent forehead but a sensitive rather weak mouth -Output Transcription: a fresh wholesome looking boy who tom gates with steady gray eyes and intelligent forehead but a sensitive rather weak mouth -2021-09-20 08:28:18.156 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.095238 -2021-09-20 08:28:18.159 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: my bed was unexceptionably comfortable but in my then mood i could have wished it a great deal more modern -Output Transcription: my bed was unexceptionally comfortable but in my den mod i could have wished it a great deal more modern -2021-09-20 08:28:18.162 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.150000 -2021-09-20 08:28:18.164 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: of this party edward a boy of seventeen called forth much sympathy he too was claimed by hollan -Output Transcription: of this party edward a boy of seventeen cosworth much sympathy he too was claimed by holland -2021-09-20 08:28:18.167 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.166667 -2021-09-20 08:28:18.171 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: if ever he was impelled to cast sin from him and to repent the impulse that moved him was the wish to be her knight -Output Transcription: if ever he was impelled to cast in from him and to repent the impulse that moved him was the wish to be her night -2021-09-20 08:28:18.176 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.080000 -2021-09-20 08:28:18.179 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i opened a line of credit sufficient to cover the babirusa and conseil at my heels i jumped into a carriage -Output Transcription: i opened a line of credit sufficient to cover the barbarossa and conseil at my heels i jumped into a carriage -2021-09-20 08:28:18.183 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.047619 -2021-09-20 08:28:18.183 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: he selected a small gold bottle with a pepper box top so that the powder might be sprinkled on any object through the small holes -Output Transcription: he selected a small gold bottle with a pepper box top so that the powder might be sprinkled on any object through the small holes -2021-09-20 08:28:18.183 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:28:18.186 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: atchison who had been haranguing the mob planted his two guns before the building and trained them upon it -Output Transcription: again who had been haranguing the mob planted his two guns before the building and trained them upon it -2021-09-20 08:28:18.189 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.052632 -2021-09-20 08:28:18.192 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: but the affair was magnified as a crowning proof that the free state men were insurrectionists and outlaws -Output Transcription: but the affair was magnified as a crowning proof that the free state men were insurrectionist and outlaws -2021-09-20 08:28:18.194 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.055556 -2021-09-20 08:28:18.197 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: there may be a specific feeling which could be called the feeling of pastness especially where immediate memory is concerned -Output Transcription: there may be a specific filling which could be called the filling of past ness especially where immediate memory is concerned -2021-09-20 08:28:18.201 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.200000 -2021-09-20 08:28:18.203 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: and the gardener's boy chopped the tree into small pieces there was a whole heap lying there -Output Transcription: in the gardener's boy chopped the tree into small pieces there was a whole heap lying there -2021-09-20 08:28:18.206 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.058824 -2021-09-20 08:28:18.206 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i come now to the other characteristic which memory images must have in order to account for our knowledge of the past -Output Transcription: i come now to the other characteristic which memory images must have in order to account for our knowledge of the past -2021-09-20 08:28:18.206 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:28:18.211 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the result is a great mobility of the labor employed in printing perhaps greater than in any other equally well defined and considerable body of workmen -Output Transcription: the result is a great ability of the labour employed in printing perhaps greater than in any other equally well defined and considerable body of workmen -2021-09-20 08:28:18.216 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.076923 -2021-09-20 08:28:18.221 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: taking advantage of this the squire's few men redoubled their efforts and encouraged by robin's and the little stroller's cries fought their way to him -Output Transcription: taking advantage of this the squire's few men redoubled their efforts and encourage by robins and the little strollers cries fought their way to him -2021-09-20 08:28:18.225 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.120000 -2021-09-20 08:28:18.229 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: she was not herself a notably intelligent woman she greatly admired intelligence or whatever looked to her like intelligence in others -Output Transcription: she was not herself notably intelligent woman she greatly admired intelligence or whatever look at her like intelligence and others -2021-09-20 08:28:18.232 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.190476 -2021-09-20 08:28:18.234 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: he weighed and reweighed the meter plates and pursued every line of investigation imaginable but all in vain -Output Transcription: he weighed and reward the meter plates and pursued every line of investigation imaginable but all in vain -2021-09-20 08:28:18.237 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.055556 -2021-09-20 08:28:18.240 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: in both these high mythical subjects the surrounding nature though suffering is still dignified and beautiful -Output Transcription: in both these high mythical subjects the surrounding nature the suffering is still dignified and beautiful -2021-09-20 08:28:18.242 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.062500 -2021-09-20 08:28:18.242 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: he had no occasion to delay for at the next instant a burst of cries filled the outer air and ran along the whole extent of the village -Output Transcription: he had no occasion to delay for at the next instant a burst of cries filled the outer air and ran along the whole extent of the village -2021-09-20 08:28:18.242 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:28:18.248 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: he has given them with too much grace not to have others still to give if they are required which is the case at the present moment -Output Transcription: he has given them with too much grace not to have others still to give if they are required which as the case at the present moment -2021-09-20 08:28:18.254 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.037037 -2021-09-20 08:28:18.254 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: no harm would have been done had it not been that as he passed your door he perceived the key which had been left by the carelessness of your servant -Output Transcription: no harm would have been done had it not been that as he passed your door he perceived the key which had been left by the carelessness of your servant -2021-09-20 08:28:18.255 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:28:18.260 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: and there's linen in the house as i could well spare you for i've got lots o sheeting and table clothing and towelling as isn't made up -Output Transcription: and there's linen in the house as i could well spare you for i got lots a sheeting and table clothing and toweling isn't made up -2021-09-20 08:28:18.266 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.148148 -2021-09-20 08:28:18.270 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: a moment before the ghost of the ancient kingdom of the danes had looked forth through the vesture of the hazewrapped city -Output Transcription: a moment before the ghost of the ancient kingdom of the danes had looked forth through the vesture of the hate rap city -2021-09-20 08:28:18.274 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.090909 -2021-09-20 08:28:18.277 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: stung by anxiety for this little sister she upbraided miss w for her fancied indifference to anne's state of health -Output Transcription: stung by anxiety for his little sister she upbraided miss w for her fancied indifference to and state of health -2021-09-20 08:28:18.280 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.100000 -2021-09-20 08:28:18.285 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: and he went back to his books and to his waiting for an opening large enough for his dignified entrance into the literary world -Output Transcription: and he went back to his books and to his waiting for an opening large enough for a dignified entrance into the literary world -2021-09-20 08:28:18.289 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.041667 -2021-09-20 08:28:18.290 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: so you will be a good girl i know and not make any trouble but will stay at home contentedly won't you -Output Transcription: so you will be a good girl i know and not make any trouble but will stay at home contentedly won't you -2021-09-20 08:28:18.291 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:28:18.293 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: on huge silver platters were pyramids of tarts and cakes and red wine sparkled in glittering decanters -Output Transcription: on huge silver platters were pyramids of tarts and cakes and red wine sparkled and glittering decanters -2021-09-20 08:28:18.295 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.058824 -2021-09-20 08:28:18.299 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i wouldn't mind a cup o coffee myself said cap'n bill i've had consid'ble exercise this mornin and i'm all ready for breakfas -Output Transcription: i wouldn't mind the clone myself said campbell i have had considerable exercise is marlena i'm all ready for breakfast -2021-09-20 08:28:18.303 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.521739 -2021-09-20 08:28:18.306 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: but the windows are patched with wooden panes and the door i think is like the gate it is never opened -Output Transcription: but the windows are patched with wooden tains and the door i think is like the gate it is never opened -2021-09-20 08:28:18.310 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.047619 -2021-09-20 08:28:18.313 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: rodolfo arrived at his own house without any impediment and leocadia's parents reached theirs heart broken and despairing -Output Transcription: rudolph arrived at his own house without any impediment a leucadia parents reached their heart broken and despairing -2021-09-20 08:28:18.316 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.222222 -2021-09-20 08:28:18.316 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: they must have some characteristic which makes us regard them as referring to more or less remote portions of the past -Output Transcription: they must have some characteristic which makes us regard them as referring to more or less remote portions of the past -2021-09-20 08:28:18.316 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:28:18.319 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: and yet you must own her behaviour has warranted them has it not been in this particular incoherent and unaccountable -Output Transcription: and yet you must own her behavior has worn to them has it not been in this particular incoherent and unaccountable -2021-09-20 08:28:18.323 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.150000 -2021-09-20 08:28:18.327 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the arians took christ for a noble and perfect creature superior even to the angels because by him god created heaven and earth -Output Transcription: the arians took chris for a noble and perfect creatures superior even to the angels because by him god created heaven and earth -2021-09-20 08:28:18.331 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.086957 -2021-09-20 08:28:18.335 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: he well knew the perils of the frontier the savage state of society the lurking indians and the dangers of fever -Output Transcription: he well knew the perils of the frontier the savage state of society lurking indians and the dangers of fever -2021-09-20 08:28:18.338 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.047619 -2021-09-20 08:28:18.342 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: his troubled blue eyes glanced at each of us and finally rested with an expression of blank dismay upon bannister in the farther corner -Output Transcription: his troubled blue eyes glanced at each of us and finally rested with an expression of blank dismay upon banister in the farther corner -2021-09-20 08:28:18.347 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.041667 -2021-09-20 08:28:18.350 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the undertaking which seemed so attractive when viewed as a literary task proved a most difficult one and at times became oppressive -Output Transcription: the undertaking which seemed so attractive when viewed as a literary task proved the most difficult one and at times became oppressive -2021-09-20 08:28:18.354 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.045455 -2021-09-20 08:28:18.358 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: to say nothing said montalais so that when mademoiselle de tonnay charente thinks athenais is the only one who knows it -Output Transcription: to say nothing said mont alais so that when mademoiselle de tension thanks athena is the only one who knows it -2021-09-20 08:28:18.362 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.285714 -2021-09-20 08:28:18.366 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: she had been born within its borders within its borders she had lived and grown and within its borders she had met her love -Output Transcription: she had been born within its borders within his borders she had lived and groan and within its border she had met her love -2021-09-20 08:28:18.370 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.125000 -2021-09-20 08:28:18.371 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: to diminish the number of the shady to augment the number of the luminous that is the object -Output Transcription: to diminish the number of the shady to augment the number of the luminous that is the object -2021-09-20 08:28:18.371 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:28:18.371 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: and says thou mother of my children i have loved thee and i have given thee a crown that none can take away -Output Transcription: and says thou mother of my children i have loved thee and i have given thee a crown that none can take away -2021-09-20 08:28:18.372 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:28:18.372 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: then there were three or four leading men of the community with their wives who were for the most part the fathers and mothers of the young ladies -Output Transcription: then there were three or four leading men of the community with their wives who were for the most part the fathers and mothers of the young ladies -2021-09-20 08:28:18.372 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:28:18.373 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: and gentle sleep the sleep of death and gently hear the voice of him that walketh in the garden in the evening time -Output Transcription: and gentle sleep the sleep of death and gently hear the voice of him that walketh in the garden in the evening time -2021-09-20 08:28:18.373 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:28:18.377 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: he wore blue silk stockings blue knee pants with gold buckles a blue ruffled waist and a jacket of bright blue braided with gold -Output Transcription: he wore blue silk stockings bloomy pants with gold buckles a blue ruffled waist and a jacket of bright blue braided with gold -2021-09-20 08:28:18.381 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.083333 -2021-09-20 08:28:18.382 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: this sentence also defines our sins as great so great in fact that the whole world could not make amends for a single sin -Output Transcription: this sentence also defines our sins as great so great in fact that the whole world could not make amends for a single sin -2021-09-20 08:28:18.382 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:28:18.385 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: goobers don't grow on the tops of vines but underground on the roots like yams is that so -Output Transcription: good was dull grow on the tops basedon the ground on the roads liams is that so -2021-09-20 08:28:18.388 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.555556 -2021-09-20 08:28:18.394 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: my remark pleases him but i soon prove to him that it is not the right way to speak however perfect may have been the language of that ancient writer -Output Transcription: my remark pleases him but i soon proved to him that it is not the right way to speak however perfect may have been the language of that ancient writer -2021-09-20 08:28:18.401 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.033333 -2021-09-20 08:28:18.406 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the last drop fly as luck would have it caught just in the corner of the hawk's angrily open beak hooking itself firmly -Output Transcription: the last drop fly as luck would have it caught just in the corner of the hocks angrily open beak hooking itself firmly -2021-09-20 08:28:18.410 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.043478 -2021-09-20 08:28:18.410 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: she screamed and shouted too with a terrific volume of sound which doubtless caused the hearts of the fugitives to quake within them -Output Transcription: she screamed and shouted too with a terrific volume of sound which doubtless caused the hearts of the fugitives to quake within them -2021-09-20 08:28:18.411 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:28:18.414 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: doubts now arose and some discussion followed whether or not it was desirable for ben zoof to accompany his master -Output Transcription: doubts now arose and some discussion followed whether or not it was desirable for bend of to accompany his master -2021-09-20 08:28:18.417 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.100000 -2021-09-20 08:28:18.419 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the wood flamed up splendidly under the large brewing copper and it sighed so deeply -Output Transcription: the wood flamed up splendidly under the large brewing copper and its side so deeply -2021-09-20 08:28:18.421 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.133333 -2021-09-20 08:28:18.424 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: there is no danger of the modern commentators on the timaeus falling into the absurdities of the neo platonists -Output Transcription: there is no danger of the modern common teachers of the times falling into the absurdities of the neoplatonists -2021-09-20 08:28:18.427 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.315789 -2021-09-20 08:28:18.431 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: and it is made of mother's best yarn and she knitted it herself and everybody wants to get it away from me -Output Transcription: and it is made of mother's best yarn and she knitted herself and everybody wants to get it away from me -2021-09-20 08:28:18.434 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.045455 -2021-09-20 08:28:18.438 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: uncas occupied a distant corner in a reclining attitude being rigidly bound both hands and feet by strong and painful withes -Output Transcription: angus occupied a distant corner in a reclining attitude being rigidly bound both hands and feet by strong and painful widths -2021-09-20 08:28:18.441 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.095238 -2021-09-20 08:28:18.442 | INFO | deepspeech2x.model:test:372 - Error rate [wer] (1792/?) = 0.074629 -2021-09-20 08:28:25.189 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: and often has my mother said while on her lap i laid my head she feared for time i was not made but for eternity -Output Transcription: and often has my mother said while on her lap i laid my head she feared for time i was not made but for eternity -2021-09-20 08:28:25.190 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:28:25.193 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: she's wonderful more wonderful than anybody we've ever seen anywhere and she draws better than the teacher in charlestown -Output Transcription: she is wonderful more wonderful in anybody we've ever seen anywhere and she draws better than the teacher in charlestown -2021-09-20 08:28:25.196 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.157895 -2021-09-20 08:28:25.197 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: and then he told all about his youth and the little mice had never heard the like before and they listened and said -Output Transcription: and then he told all about his youth and the little mice had never heard the like before and they listened and said -2021-09-20 08:28:25.197 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:28:25.197 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: to be or not to be that is the question whether tis nobler in the mind to suffer the slings and arrows what no hamlet speaking -Output Transcription: to be or not to be that is the question whether tis nobler in the mind to suffer the slings and arrows what no hamlet speaking -2021-09-20 08:28:25.198 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:28:25.202 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: he splashed and stamped along farther and farther onward until he neared the rampart of the clearing and put foot upon the tree bridge -Output Transcription: he splashed the snapped along farther and farther onward until he neared the rampart of the clearing and put foot upon the three bridge -2021-09-20 08:28:25.206 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.125000 -2021-09-20 08:28:25.210 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: have your will child if the boy also wills it montfichet answered feeling too ill to oppose anything very strongly just then -Output Transcription: have your will child if the boy also will sitin might be she answered feeling too ill to oppose anything very strongly just then -2021-09-20 08:28:25.214 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.227273 -2021-09-20 08:28:25.216 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the influence with the timaeus has exercised upon posterity is due partly to a misunderstanding -Output Transcription: the influence which the times has exercised upon posterity is due partly to a misunderstanding -2021-09-20 08:28:25.218 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.133333 -2021-09-20 08:28:25.218 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: it is evident therefore that the present trend of the development is in the direction of heightening the utility of conspicuous consumption as compared with leisure -Output Transcription: it is evident therefore that the present trend of the development is in the direction of heightening the utility of conspicuous consumption as compared with leisure -2021-09-20 08:28:25.218 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:28:25.222 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: now that's impossible radie for i really don't think i once thought of him all this evening except just while we were talking -Output Transcription: now that's impossible ready for i really don't think i once thought of him all this evening except just while we were talking -2021-09-20 08:28:25.226 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.043478 -2021-09-20 08:28:25.230 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: forgetting all their weariness they seized their candles and scurried through the house finding an occasional paper tucked away in some odd corner -Output Transcription: forgetting all their weariness they seize their candles and stare through the house finding on occasional paper tucked away in some our corner -2021-09-20 08:28:25.234 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.173913 -2021-09-20 08:28:25.234 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: it must be owned and no one was more ready to confess it than himself that his literary attainments were by no means of a high order -Output Transcription: it must be owned and no one was more ready to confess it than himself that his literary attainments were by no means of a high order -2021-09-20 08:28:25.235 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:28:25.235 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: but first i will tell you that for many years i have longed for a servant to help me with the housework and to cook the meals and wash the dishes -Output Transcription: but first i will tell you that for many years i have longed for a servant to help me with the housework and to cook the meals and wash the dishes -2021-09-20 08:28:25.235 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:28:25.235 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: forthwith all ran to the opening of the tent to see what might be amiss but master will who peeped out first needed no more than one glance -Output Transcription: forthwith all ran to the opening of the tent to see what might be amiss but master will who peeped out first needed no more than one glance -2021-09-20 08:28:25.236 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:28:25.240 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: her feeble health gave her her yielding manner for she could never oppose any one without gathering up all her strength for the struggle -Output Transcription: her feeble health give her her yielding manner for she could never oppose anyone without gathering up all her strength for the struggle -2021-09-20 08:28:25.244 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.125000 -2021-09-20 08:28:25.246 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: that summer's emigration however being mainly from the free states greatly changed the relative strength of the two parties -Output Transcription: that somers emigration however being mainly from the free states greatly changed the relative strength of the two parties -2021-09-20 08:28:25.249 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.052632 -2021-09-20 08:28:25.254 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: to night there was no need of extra heat and there were great ceremonies to be observed in lighting the fires on the hearthstones -Output Transcription: to night there was no need of extra heat and there were great ceremonies to be observed in lighting the fires on the hearth stones -2021-09-20 08:28:25.258 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.083333 -2021-09-20 08:28:25.261 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: how cheerfully he seems to grin how neatly spread his claws and welcome little fishes in with gently smiling jaws -Output Transcription: how cheerfully he seems to grin how neatly spreads his claws and welcomes little fishes in with gently smiling jaws -2021-09-20 08:28:25.264 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.100000 -2021-09-20 08:28:25.265 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i address him in italian and he answers very wittily but his way of speaking makes me smile and i tell him why -Output Transcription: i address him in italian and he answers very wittily but his way of speaking makes me smile and i tell him why -2021-09-20 08:28:25.265 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:28:25.270 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the wearing of uniforms or liveries implies a considerable degree of dependence and may even be said to be a mark of servitude real or ostensible -Output Transcription: the wearing of uniforms a liveries implies a considerable degree of dependence and may even be said to be a mark of servitude real or ostensible -2021-09-20 08:28:25.275 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.038462 -2021-09-20 08:28:25.276 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: never did he object to buckling up his suitcase for any country whatever china or the congo no matter how far off it was -Output Transcription: never did he object to buckling up his suitcase for any country whatever china or the congo no matter how far off it was -2021-09-20 08:28:25.276 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:28:25.276 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: it presents like no other of luther's writings the central thought of christianity the justification of the sinner for the sake of christ's merits alone -Output Transcription: it presents like no other of luther's writings the central thought of christianity the justification of the sinner for the sake of christ's merits alone -2021-09-20 08:28:25.277 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:28:25.277 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: but in the rest of the work the power of language seems to fail him and the dramatic form is wholly given up -Output Transcription: but in the rest of the work the power of language seems to fail him and the dramatic form is wholly given up -2021-09-20 08:28:25.278 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:28:25.278 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: rich jewels of blue stones glittered upon their persons and the royal ladies were fully as gorgeous as they were haughty and overbearing -Output Transcription: rich jewels of blue stones glittered upon their persons and the royal ladies were fully as gorgeous as they were haughty and overbearing -2021-09-20 08:28:25.278 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:28:25.283 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: oh my lord cried miss woodley with a most forcible accent you are the last person on earth she would pardon me for entrusting -Output Transcription: oh my lord cried miss woodley with a most forcible axe you are the last person on earth she would pardon me for interesting -2021-09-20 08:28:25.288 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.083333 -2021-09-20 08:28:25.291 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: under the tabu certain victuals and more particularly certain beverages are strictly reserved for the use of the superior class -Output Transcription: under the taboo certain victuals and morethe clearly certain beverages are strictly reserved for the use of the superior class -2021-09-20 08:28:25.294 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.150000 -2021-09-20 08:28:25.297 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: yes something everything said rachel hurriedly looking frowningly at a flower which she was twirling in her fingers -Output Transcription: yes something everything said rachel hurriedly looking frowning at a flower which she was twirling in her fingers -2021-09-20 08:28:25.299 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.055556 -2021-09-20 08:28:25.300 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: it is my heart hung in the sky and no clouds ever float between the grave flowers and my heart on high -Output Transcription: it is my heart hung in the sky and no clouds ever float between the grave flowers and my heart on high -2021-09-20 08:28:25.301 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:28:25.301 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: for a few miles she followed the line hitherto presumably occupied by the coast of algeria but no land appeared to the south -Output Transcription: for a few miles she followed the line hitherto presumably occupied by the coast of algeria but no land appeared to the south -2021-09-20 08:28:25.302 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:28:25.306 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: will cried he softly and stuteley who had chosen his couch across the door of his young master's chamber sprang up at once in answer -Output Transcription: will cried he softly and studley who had chosen his count across the door of his young master's chamber sprang up at once in answer -2021-09-20 08:28:25.311 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.080000 -2021-09-20 08:28:25.316 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: so many of them however as make up the retainer and hangers on of the patron may be classed as vicarious consumer without qualification -Output Transcription: so many of them however as make up the retainer and hangerson of the patron may be cast as vicarious consumer without qualification -2021-09-20 08:28:25.321 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.125000 -2021-09-20 08:28:25.324 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: under ordinary conditions reynolds was sure to be elected but the committee proposed to sacrifice him in order to elect hopkins -Output Transcription: under ordinary conditions reynolds was sure to be elected but the committee proposed to sacrifice him in order to lick hopkins -2021-09-20 08:28:25.328 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.047619 -2021-09-20 08:28:25.328 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: for a moment beth stood staring while the new maid regarded her with composure and a slight smile upon her beautiful face -Output Transcription: for a moment beth stood staring while the new maid regarded her with composure and a slight smile upon her beautiful face -2021-09-20 08:28:25.329 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:28:25.330 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: also a popular contrivance whereby love making may be suspended but not stopped during the picnic season -Output Transcription: also a popular contrivance whereby love making may be suspended but not stopped during the picnic season -2021-09-20 08:28:25.330 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:28:25.335 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the idea of patching cap'n bill to a goat was vastly amusing to him and the more he thought of it the more he roared with laughter -Output Transcription: the idea of patching capn bill to a goat was vastly amusing to him and the more he thought of it the more he roared with laughter -2021-09-20 08:28:25.341 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.037037 -2021-09-20 08:28:25.346 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: why do they not invade the catholic provinces and preach their doctrine to godless princes bishops and doctors as we have done by the help of god -Output Transcription: why do they not invade the catholic provinces and preach their doctrine to guard this princes bishops and doctors as we have done by the help of god -2021-09-20 08:28:25.353 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.074074 -2021-09-20 08:28:25.359 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: saturday after saturday comes round and i can have no hope of hearing your knock at the door and then being told that miss e is come oh dear -Output Transcription: saturday after saturday comes around and i can have no hope of hearing you knock at the door and then being told that missy is come oh dear -2021-09-20 08:28:25.365 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.137931 -2021-09-20 08:28:25.365 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: if you dressed in silk and gold from top to toe you could not look any nicer than in your little red cap -Output Transcription: if you dressed in silk and gold from top to toe you could not look any nicer than in your little red cap -2021-09-20 08:28:25.366 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:28:25.366 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the subject was a very noble one he described the most famous action in which the athenian people were ever engaged -Output Transcription: the subject was a very noble one he described the most famous action in which the athenian people were ever engaged -2021-09-20 08:28:25.367 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:28:25.367 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: no one saw him do this for all were looking at the powder of life but soon the woman remembered what she had been doing and came back to the cupboard -Output Transcription: no one saw him do this for all were looking at the powder of life but soon the woman remembered what she had been doing and came back to the cupboard -2021-09-20 08:28:25.368 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:28:25.368 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i love thee freely as men strive for right i love thee purely as they turn from praise -Output Transcription: i love thee freely as men strive for right i love thee purely as they turn from praise -2021-09-20 08:28:25.368 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:28:25.369 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: did ever anybody see the like screamed missus poyser running towards the table when her eye had fallen on the blue stream -Output Transcription: did ever anybody see the like screamed missus poyser running towards the table when her eye had fallen on the blue stream -2021-09-20 08:28:25.369 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:28:25.372 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: for some moments he seemed perfectly stupefied then recovering himself he began to overwhelm the count with a torrent of questions -Output Transcription: for some moments he seemed perfectly stupefied and then recovering himself he began to overwhelm the count with a torrent of questions -2021-09-20 08:28:25.376 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.047619 -2021-09-20 08:28:25.380 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the grateful applause of the clergy has consecrated the memory of a prince who indulged their passions and promoted their interest -Output Transcription: the grateful applause of the clergy has consecrated the memory of a prince who indulge their passions and promoted their interest -2021-09-20 08:28:25.384 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.047619 -2021-09-20 08:28:25.388 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the earth has undoubtedly entered upon a new orbit but she is not incurring any probable risk of being precipitated onto the sun -Output Transcription: at the earth has undoubtedly entered upon a new orbit but she is not incurring any probable risk of being precipitated onto the sun -2021-09-20 08:28:25.392 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.043478 -2021-09-20 08:28:25.396 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: at the farther end of the largest hall a table was set with golden cups and golden plates in long rows -Output Transcription: at the further render the largest hall a table was set with golden cups and golden plates in long rows -2021-09-20 08:28:25.399 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.142857 -2021-09-20 08:28:25.399 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: of the lynchings the mobs and the murders it would be impossible except in a very extended work to note the frequent and atrocious details -Output Transcription: of the lynchings the mobs and the murders it would be impossible except in a very extended work to note the frequent and atrocious details -2021-09-20 08:28:25.400 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:28:25.400 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the fact that a man can recite a poem does not show that he remembers any previous occasion on which he has recited or read it -Output Transcription: the fact that a man can recite a poem does not show that he remembers any previous occasion on which he has recited or read it -2021-09-20 08:28:25.401 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:28:25.406 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: it is the head of a parrot with a little flower in his beak from a picture of carpaccio's one of his series of the life of saint george -Output Transcription: does the head of a parrot with a little flower in his beak from a picture of capacious one of his series of the life of saint george -2021-09-20 08:28:25.412 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.103448 -2021-09-20 08:28:25.416 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the king had completed his toilette by nine o'clock he appeared in an open carriage decorated with branches of trees and flowers -Output Transcription: the king had completed his toilet by nine o'clock he appeared in an open carriage decorated with branches of trees and flowers -2021-09-20 08:28:25.420 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.045455 -2021-09-20 08:28:25.425 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: she succeeded in opening the window and the moonlight shone in so brightly that she could distinguish the colour of some damask hangings in the room -Output Transcription: she succeeded in opening the window and the moonlight shone in so brightly that she could distinguish the color of some damask hanging in the room -2021-09-20 08:28:25.430 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.076923 -2021-09-20 08:28:25.431 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the others having been in operation too short a time to show definite results although they also went quickly to a dividend basis -Output Transcription: the others having been in operation too short a time to show definite results although they also went quickly to a dividend basis -2021-09-20 08:28:25.431 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:28:25.435 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: it is sold everywhere but for the last three weeks nobody will use any snuff but that sold at the civet cat -Output Transcription: it is sold everywhere but for the last three weeks nobody will use any snuff but that's sold at the severe cat -2021-09-20 08:28:25.438 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.090909 -2021-09-20 08:28:25.444 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: hold him fast my men and as soon as i've had my coffee and oatmeal i'll take him to the room of the great knife and patch him -Output Transcription: hold him fast my man and as soon as i've had my coffee and will i will take him to the room of the great knife and patti -2021-09-20 08:28:25.450 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.214286 -2021-09-20 08:28:25.455 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i and my wife and son and the two craswellers and three or four others agreed to dine on board the ship on the next -Output Transcription: i and my wife and son and the two cresswell ers and three or four others agreed to die on board the ship on the next -2021-09-20 08:28:25.460 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.120000 -2021-09-20 08:28:25.463 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: edison held that the electricity sold must be measured just like gas or water and he proceeded to develop a meter -Output Transcription: edison held that the electricity soul must be measured just like gas or water and he proceeded to develop a meter -2021-09-20 08:28:25.467 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.047619 -2021-09-20 08:28:25.468 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: then they all marched out a little way into the fields and found that the army of pinkies had already formed and was advancing steadily toward them -Output Transcription: then they all marched out a little way into the fields and found that the army of pinkies had already formed and was advancing steadily toward them -2021-09-20 08:28:25.468 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:28:25.473 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: unc knocked at the door of the house and a chubby pleasant faced woman dressed all in blue opened it and greeted the visitors with a smile -Output Transcription: unc knock at the door of the house into chubby pleasant faced woman dressed all in blue opened it and greeted the visitors with a smile -2021-09-20 08:28:25.479 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.111111 -2021-09-20 08:28:25.486 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i know the first letter i wrote to you was all senseless trash from beginning to end but i am not altogether the idle dreaming being it would seem to denote -Output Transcription: i know the first letter i wrote to you with all senseless trash from beginning to end but i am not altogether the idle dreaming being it would seem to denote -2021-09-20 08:28:25.493 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.032258 -2021-09-20 08:28:25.493 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: cyril there must be some better way of doing i just draw the outline of an animal and then i put hairs or feathers on it they have no bodies -Output Transcription: cyril there must be some better way of doing i just draw the outline of an animal and then i put hairs or feathers on it they have no bodies -2021-09-20 08:28:25.494 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:28:25.499 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: but polly couldn't speak and if jasper hadn't caught her just in time she would have tumbled over backward from the stool phronsie and all -Output Transcription: but polly couldn't speak and of jasper hadn't caught her just in time she would have tumbled over backward from the stool prose and all -2021-09-20 08:28:25.504 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.080000 -2021-09-20 08:28:25.504 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: he wouldn't search so don't worry replied cyril quietly and the two looked at each other and knew that it was so -Output Transcription: he wouldn't search so don't worry replied cyril quietly and the two looked at each other and knew that it was so -2021-09-20 08:28:25.505 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:28:25.509 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i think i must show you my patchwork girl said margolotte laughing at the boy's astonishment for she is rather difficult to explain -Output Transcription: i think i must show you my patchwork girl said margo lot laughing at the boy's astonishment for she is rather difficult to explain -2021-09-20 08:28:25.513 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.086957 -2021-09-20 08:28:25.513 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i am now tall and my branches spread like the others that were carried off last year oh -Output Transcription: i am now tall and my branches spread like the others that were carried off last year oh -2021-09-20 08:28:25.514 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:28:25.518 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: but philip did afford it and he wrote thanking his friends and declining because he said the political scheme would fail and ought to fail -Output Transcription: what phillip did afford it and he wrote thanking his friends and declining because he said the political scheme would fail and ought to feel -2021-09-20 08:28:25.523 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.120000 -2021-09-20 08:28:25.525 | INFO | deepspeech2x.model:test:372 - Error rate [wer] (1856/?) = 0.073302 -W0920 08:28:36.479216 45324 operator.cc:243] transpose2 raises an exception paddle::memory::allocation::BadAlloc, ResourceExhaustedError: - -Out of memory error on GPU 0. Cannot allocate 153.000244MB memory on GPU 0, 15.706116GB memory has been allocated and available memory is only 77.437500MB. - -Please check whether there is any other process using GPU 0. -1. If yes, please stop them, or start PaddlePaddle on another GPU. -2. If no, please decrease the batch size of your model. - - (at /paddle/paddle/fluid/memory/allocation/cuda_allocator.cc:79) -Traceback (most recent call last): - File "/home/huangyuxin/workspace/my_DeepSpeech/DeepSpeech/examples/v18_to_v2x/deepspeech2x/bin/test_export.py", line 58, in - main(config, args) - File "/home/huangyuxin/workspace/my_DeepSpeech/DeepSpeech/examples/v18_to_v2x/deepspeech2x/bin/test_export.py", line 28, in main - main_sp(config, args) - File "/home/huangyuxin/workspace/my_DeepSpeech/DeepSpeech/examples/v18_to_v2x/deepspeech2x/bin/test_export.py", line 24, in main_sp - exp.run_test() - File "/home/huangyuxin/workspace/my_DeepSpeech/DeepSpeech/examples/v18_to_v2x/deepspeech2x/model.py", line 640, in run_test - self.test() - File "/home/huangyuxin/workspace/my_DeepSpeech/DeepSpeech/deepspeech/utils/mp_tools.py", line 27, in wrapper - result = func(*args, **kwargs) - File "", line 2, in test - File "/home/huangyuxin/workspace/my_DeepSpeech/DeepSpeech/tools/venv/lib/python3.7/site-packages/paddle/fluid/dygraph/base.py", line 331, in _decorate_function - return func(*args, **kwargs) - File "/home/huangyuxin/workspace/my_DeepSpeech/DeepSpeech/examples/v18_to_v2x/deepspeech2x/model.py", line 366, in test - texts_len, fout) - File "/home/huangyuxin/workspace/my_DeepSpeech/DeepSpeech/examples/v18_to_v2x/deepspeech2x/model.py", line 309, in compute_metrics - vocab_list, cfg) - File "/home/huangyuxin/workspace/my_DeepSpeech/DeepSpeech/examples/v18_to_v2x/deepspeech2x/model.py", line 451, in compute_result_transcripts - audio_len) - File "/home/huangyuxin/workspace/my_DeepSpeech/DeepSpeech/examples/v18_to_v2x/deepspeech2x/model.py", line 626, in static_forward_offline - self.predictor.run() -RuntimeError: ResourceExhaustedError: - -Out of memory error on GPU 0. Cannot allocate 153.000244MB memory on GPU 0, 15.706116GB memory has been allocated and available memory is only 77.437500MB. - -Please check whether there is any other process using GPU 0. -1. If yes, please stop them, or start PaddlePaddle on another GPU. -2. If no, please decrease the batch size of your model. - - (at /paddle/paddle/fluid/memory/allocation/cuda_allocator.cc:79) - -Failed in evaluation! -BIN_DIR /home/huangyuxin/workspace/my_DeepSpeech/DeepSpeech/examples/v18_to_v2x/deepspeech2x/bin -checkpoint name deepspeech2 -using 1 gpus... -grep: warning: GREP_OPTIONS is deprecated; please use an alias or script -/home/huangyuxin/workspace/my_DeepSpeech/DeepSpeech/tools/venv/lib/python3.7/site-packages/paddle/optimizer/adamw.py:21: DeprecationWarning: Using or importing the ABCs from 'collections' instead of from 'collections.abc' is deprecated, and in 3.8 it will stop working - from collections import Callable -/home/huangyuxin/workspace/my_DeepSpeech/DeepSpeech/tools/venv/lib/python3.7/site-packages/scipy/fftpack/__init__.py:103: DeprecationWarning: The module numpy.dual is deprecated. Instead of using dual, use the functions directly from numpy or scipy. - from numpy.dual import register_func -/home/huangyuxin/workspace/my_DeepSpeech/DeepSpeech/tools/venv/lib/python3.7/site-packages/scipy/special/orthogonal.py:81: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information. -Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations - from numpy import (exp, inf, pi, sqrt, floor, sin, cos, around, int, -/home/huangyuxin/workspace/my_DeepSpeech/DeepSpeech/tools/venv/lib/python3.7/site-packages/scipy/sparse/sputils.py:16: DeprecationWarning: `np.typeDict` is a deprecated alias for `np.sctypeDict`. - supported_dtypes = [np.typeDict[x] for x in supported_dtypes] -/home/huangyuxin/workspace/my_DeepSpeech/DeepSpeech/tools/venv/lib/python3.7/site-packages/swig_decoders-1.1-py3.7-linux-x86_64.egg/swig_decoders.py:15: DeprecationWarning: the imp module is deprecated in favour of importlib; see the module's documentation for alternative uses - import imp -2021-09-20 08:30:00.653 | WARNING | deepspeech2x::199 - override size of paddle.Tensor (`to_static` do not process `size` property, maybe some `paddle` api dependent on it), remove this when fixed! -2021-09-20 08:30:00.654 | WARNING | deepspeech2x::369 - register user GLU to paddle.nn, remove this when fixed! -model_type:offline ------------ Configuration Arguments ----------- -checkpoint_path: exp/deepspeech2/checkpoints/librispeech_v1.8 -config: conf/deepspeech2.yaml -device: gpu -dump_config: None -export_path: exp/deepspeech2/checkpoints/librispeech_v1.8.jit -model_type: offline -nprocs: 1 -opts: [] -output: None -seed: None ------------------------------------------------------------ -collator: - augmentation_config: conf/augmentation.json - batch_size: 64 - delta_delta: False - dither: 1.0 - feat_dim: None - keep_transcription_text: False - max_freq: None - mean_std_filepath: data/mean_std.npz - n_fft: None - num_workers: 2 - random_seed: 0 - shuffle_method: batch_shuffle - sortagrad: True - specgram_type: linear - spm_model_prefix: None - stride_ms: 10.0 - target_dB: -20 - target_sample_rate: 16000 - unit_type: char - use_dB_normalization: True - vocab_filepath: data/vocab.txt - window_ms: 20.0 -data: - dev_manifest: data/manifest.dev - manifest: - max_input_len: 1000.0 - max_output_input_ratio: inf - max_output_len: inf - min_input_len: 0.0 - min_output_input_ratio: 0.0 - min_output_len: 0.0 - test_manifest: data/manifest.test-clean - train_manifest: data/manifest.train -decoding: - alpha: 2.5 - batch_size: 32 - beam_size: 500 - beta: 0.3 - cutoff_prob: 1.0 - cutoff_top_n: 40 - decoding_method: ctc_beam_search - error_rate_type: wer - lang_model_path: data/lm/common_crawl_00.prune01111.trie.klm - num_proc_bsearch: 8 -model: - blank_id: 28 - ctc_grad_norm_type: instance - num_conv_layers: 2 - num_rnn_layers: 3 - rnn_layer_size: 2048 - share_rnn_weights: True - use_gru: False -training: - accum_grad: 1 - checkpoint: - kbest_n: 50 - latest_n: 5 - global_grad_clip: 3.0 - log_interval: 100 - lr: 0.002 - lr_decay: 0.83 - n_epoch: 80 - weight_decay: 1e-06 -2021-09-20 08:30:00.724 | INFO | deepspeech2x.model:setup_dataloader:251 - Setup train/valid/test Dataloader! -W0920 08:30:00.726428 46790 device_context.cc:447] Please NOTE: device: 0, GPU Compute Capability: 7.0, Driver API Version: 10.2, Runtime API Version: 10.1 -W0920 08:30:00.731848 46790 device_context.cc:465] device: 0, cuDNN Version: 7.6. -2021-09-20 08:30:04.883 | INFO | deepspeech.modules.loss:__init__:36 - CTCLoss Loss reduction: sum, div-bs: True -2021-09-20 08:30:04.884 | INFO | deepspeech.modules.loss:__init__:45 - CTCLoss Grad Norm Type: instance -Epoch 0: ExponentialDecay set learning rate to 0.002.2021-09-20 08:30:04.884 | INFO | deepspeech2x.model:setup_model:165 - DeepSpeech2Model( - (encoder): CRNNEncoder( - (conv): ConvStack( - (conv_in): ConvBn( - (conv): Conv2D(1, 32, kernel_size=[41, 11], stride=[2, 3], padding=(20, 5), data_format=NCHW) - (bn): BatchNorm2D(num_features=32, momentum=0.9, epsilon=1e-05) - ) - (conv_stack): LayerList( - (0): ConvBn( - (conv): Conv2D(32, 32, kernel_size=[21, 11], stride=[2, 1], padding=(10, 5), data_format=NCHW) - (bn): BatchNorm2D(num_features=32, momentum=0.9, epsilon=1e-05) - ) - ) - ) - (rnn): RNNStack( - (rnn_stacks): LayerList( - (0): BiRNNWithBN( - (fw_fc): Linear(in_features=1312, out_features=2048, dtype=float32) - (fw_bn): BatchNorm1D(num_features=2048, momentum=0.9, epsilon=1e-05, data_format=NLC) - (bw_fc): Linear(in_features=1312, out_features=2048, dtype=float32) - (bw_bn): BatchNorm1D(num_features=2048, momentum=0.9, epsilon=1e-05, data_format=NLC) - (fw_cell): RNNCell() - (bw_cell): RNNCell() - (fw_rnn): RNN( - (cell): RNNCell() - ) - (bw_rnn): RNN( - (cell): RNNCell() - ) - ) - (1): BiRNNWithBN( - (fw_fc): Linear(in_features=4096, out_features=2048, dtype=float32) - (fw_bn): BatchNorm1D(num_features=2048, momentum=0.9, epsilon=1e-05, data_format=NLC) - (bw_fc): Linear(in_features=4096, out_features=2048, dtype=float32) - (bw_bn): BatchNorm1D(num_features=2048, momentum=0.9, epsilon=1e-05, data_format=NLC) - (fw_cell): RNNCell() - (bw_cell): RNNCell() - (fw_rnn): RNN( - (cell): RNNCell() - ) - (bw_rnn): RNN( - (cell): RNNCell() - ) - ) - (2): BiRNNWithBN( - (fw_fc): Linear(in_features=4096, out_features=2048, dtype=float32) - (fw_bn): BatchNorm1D(num_features=2048, momentum=0.9, epsilon=1e-05, data_format=NLC) - (bw_fc): Linear(in_features=4096, out_features=2048, dtype=float32) - (bw_bn): BatchNorm1D(num_features=2048, momentum=0.9, epsilon=1e-05, data_format=NLC) - (fw_cell): RNNCell() - (bw_cell): RNNCell() - (fw_rnn): RNN( - (cell): RNNCell() - ) - (bw_rnn): RNN( - (cell): RNNCell() - ) - ) - ) - ) - ) - (decoder): CTCDecoder( - (ctc_lo): Linear(in_features=4096, out_features=29, dtype=float32) - (criterion): CTCLoss( - (loss): CTCLoss() - ) - ) -) - -2021-09-20 08:30:04.885 | INFO | deepspeech.utils.layer_tools:print_params:57 - encoder.conv.conv_in.conv.weight | [32, 1, 41, 11] | 14432 | True -2021-09-20 08:30:04.885 | INFO | deepspeech.utils.layer_tools:print_params:57 - encoder.conv.conv_in.bn.weight | [32] | 32 | True -2021-09-20 08:30:04.886 | INFO | deepspeech.utils.layer_tools:print_params:57 - encoder.conv.conv_in.bn.bias | [32] | 32 | True -2021-09-20 08:30:04.886 | INFO | deepspeech.utils.layer_tools:print_params:57 - encoder.conv.conv_in.bn._mean | [32] | 32 | False -2021-09-20 08:30:04.886 | INFO | deepspeech.utils.layer_tools:print_params:57 - encoder.conv.conv_in.bn._variance | [32] | 32 | False -2021-09-20 08:30:04.886 | INFO | deepspeech.utils.layer_tools:print_params:57 - encoder.conv.conv_stack.0.conv.weight | [32, 32, 21, 11] | 236544 | True -2021-09-20 08:30:04.887 | INFO | deepspeech.utils.layer_tools:print_params:57 - encoder.conv.conv_stack.0.bn.weight | [32] | 32 | True -2021-09-20 08:30:04.887 | INFO | deepspeech.utils.layer_tools:print_params:57 - encoder.conv.conv_stack.0.bn.bias | [32] | 32 | True -2021-09-20 08:30:04.887 | INFO | deepspeech.utils.layer_tools:print_params:57 - encoder.conv.conv_stack.0.bn._mean | [32] | 32 | False -2021-09-20 08:30:04.888 | INFO | deepspeech.utils.layer_tools:print_params:57 - encoder.conv.conv_stack.0.bn._variance | [32] | 32 | False -2021-09-20 08:30:04.888 | INFO | deepspeech.utils.layer_tools:print_params:57 - encoder.rnn.rnn_stacks.0.fw_fc.weight | [1312, 2048] | 2686976 | True -2021-09-20 08:30:04.888 | INFO | deepspeech.utils.layer_tools:print_params:57 - encoder.rnn.rnn_stacks.0.fw_bn.weight | [2048] | 2048 | True -2021-09-20 08:30:04.888 | INFO | deepspeech.utils.layer_tools:print_params:57 - encoder.rnn.rnn_stacks.0.fw_bn.bias | [2048] | 2048 | True -2021-09-20 08:30:04.889 | INFO | deepspeech.utils.layer_tools:print_params:57 - encoder.rnn.rnn_stacks.0.fw_bn._mean | [2048] | 2048 | False -2021-09-20 08:30:04.889 | INFO | deepspeech.utils.layer_tools:print_params:57 - encoder.rnn.rnn_stacks.0.fw_bn._variance | [2048] | 2048 | False -2021-09-20 08:30:04.889 | INFO | deepspeech.utils.layer_tools:print_params:57 - encoder.rnn.rnn_stacks.0.fw_cell.weight_hh | [2048, 2048] | 4194304 | True -2021-09-20 08:30:04.890 | INFO | deepspeech.utils.layer_tools:print_params:57 - encoder.rnn.rnn_stacks.0.fw_cell.bias_hh | [2048] | 2048 | True -2021-09-20 08:30:04.890 | INFO | deepspeech.utils.layer_tools:print_params:57 - encoder.rnn.rnn_stacks.0.bw_cell.weight_hh | [2048, 2048] | 4194304 | True -2021-09-20 08:30:04.890 | INFO | deepspeech.utils.layer_tools:print_params:57 - encoder.rnn.rnn_stacks.0.bw_cell.bias_hh | [2048] | 2048 | True -2021-09-20 08:30:04.891 | INFO | deepspeech.utils.layer_tools:print_params:57 - encoder.rnn.rnn_stacks.1.fw_fc.weight | [4096, 2048] | 8388608 | True -2021-09-20 08:30:04.891 | INFO | deepspeech.utils.layer_tools:print_params:57 - encoder.rnn.rnn_stacks.1.fw_bn.weight | [2048] | 2048 | True -2021-09-20 08:30:04.891 | INFO | deepspeech.utils.layer_tools:print_params:57 - encoder.rnn.rnn_stacks.1.fw_bn.bias | [2048] | 2048 | True -2021-09-20 08:30:04.892 | INFO | deepspeech.utils.layer_tools:print_params:57 - encoder.rnn.rnn_stacks.1.fw_bn._mean | [2048] | 2048 | False -2021-09-20 08:30:04.892 | INFO | deepspeech.utils.layer_tools:print_params:57 - encoder.rnn.rnn_stacks.1.fw_bn._variance | [2048] | 2048 | False -2021-09-20 08:30:04.892 | INFO | deepspeech.utils.layer_tools:print_params:57 - encoder.rnn.rnn_stacks.1.fw_cell.weight_hh | [2048, 2048] | 4194304 | True -2021-09-20 08:30:04.892 | INFO | deepspeech.utils.layer_tools:print_params:57 - encoder.rnn.rnn_stacks.1.fw_cell.bias_hh | [2048] | 2048 | True -2021-09-20 08:30:04.893 | INFO | deepspeech.utils.layer_tools:print_params:57 - encoder.rnn.rnn_stacks.1.bw_cell.weight_hh | [2048, 2048] | 4194304 | True -2021-09-20 08:30:04.893 | INFO | deepspeech.utils.layer_tools:print_params:57 - encoder.rnn.rnn_stacks.1.bw_cell.bias_hh | [2048] | 2048 | True -2021-09-20 08:30:04.893 | INFO | deepspeech.utils.layer_tools:print_params:57 - encoder.rnn.rnn_stacks.2.fw_fc.weight | [4096, 2048] | 8388608 | True -2021-09-20 08:30:04.894 | INFO | deepspeech.utils.layer_tools:print_params:57 - encoder.rnn.rnn_stacks.2.fw_bn.weight | [2048] | 2048 | True -2021-09-20 08:30:04.894 | INFO | deepspeech.utils.layer_tools:print_params:57 - encoder.rnn.rnn_stacks.2.fw_bn.bias | [2048] | 2048 | True -2021-09-20 08:30:04.894 | INFO | deepspeech.utils.layer_tools:print_params:57 - encoder.rnn.rnn_stacks.2.fw_bn._mean | [2048] | 2048 | False -2021-09-20 08:30:04.895 | INFO | deepspeech.utils.layer_tools:print_params:57 - encoder.rnn.rnn_stacks.2.fw_bn._variance | [2048] | 2048 | False -2021-09-20 08:30:04.895 | INFO | deepspeech.utils.layer_tools:print_params:57 - encoder.rnn.rnn_stacks.2.fw_cell.weight_hh | [2048, 2048] | 4194304 | True -2021-09-20 08:30:04.895 | INFO | deepspeech.utils.layer_tools:print_params:57 - encoder.rnn.rnn_stacks.2.fw_cell.bias_hh | [2048] | 2048 | True -2021-09-20 08:30:04.895 | INFO | deepspeech.utils.layer_tools:print_params:57 - encoder.rnn.rnn_stacks.2.bw_cell.weight_hh | [2048, 2048] | 4194304 | True -2021-09-20 08:30:04.896 | INFO | deepspeech.utils.layer_tools:print_params:57 - encoder.rnn.rnn_stacks.2.bw_cell.bias_hh | [2048] | 2048 | True -2021-09-20 08:30:04.896 | INFO | deepspeech.utils.layer_tools:print_params:57 - decoder.ctc_lo.weight | [4096, 29] | 118784 | True -2021-09-20 08:30:04.896 | INFO | deepspeech.utils.layer_tools:print_params:57 - decoder.ctc_lo.bias | [29] | 29 | True -2021-09-20 08:30:04.897 | INFO | deepspeech.utils.layer_tools:print_params:60 - Total parameters: 39.0, 42.95M elements. -2021-09-20 08:30:04.897 | INFO | deepspeech2x.model:setup_model:184 - Setup model/optimizer/lr_scheduler! -2021-09-20 08:30:04.919 | INFO | deepspeech.modules.loss:__init__:36 - CTCLoss Loss reduction: sum, div-bs: True -2021-09-20 08:30:04.920 | INFO | deepspeech.modules.loss:__init__:45 - CTCLoss Grad Norm Type: instance -/home/huangyuxin/workspace/my_DeepSpeech/DeepSpeech/tools/venv/lib/python3.7/site-packages/paddle/framework/io.py:412: DeprecationWarning: Using or importing the ABCs from 'collections' instead of from 'collections.abc' is deprecated, and in 3.8 it will stop working - if isinstance(obj, collections.Iterable) and not isinstance(obj, ( -2021-09-20 08:30:05.447 | INFO | deepspeech.utils.checkpoint:load_parameters:117 - Rank 0: Restore model from exp/deepspeech2/checkpoints/librispeech_v1.8.pdparams -encoder.conv.conv_in.conv.weight | [32, 1, 41, 11] | 144322021-09-20 08:30:05.452 | INFO | deepspeech2x.models.ds2.deepspeech2:from_pretrained:243 - checkpoint info: {} - -encoder.conv.conv_in.bn.weight | [32] | 32 -encoder.conv.conv_in.bn.bias | [32] | 32 -encoder.conv.conv_in.bn._mean | [32] | 32 -encoder.conv.conv_in.bn._variance | [32] | 32 -encoder.conv.conv_stack.0.conv.weight | [32, 32, 21, 11] | 236544 -encoder.conv.conv_stack.0.bn.weight | [32] | 32 -encoder.conv.conv_stack.0.bn.bias | [32] | 32 -encoder.conv.conv_stack.0.bn._mean | [32] | 32 -encoder.conv.conv_stack.0.bn._variance | [32] | 32 -encoder.rnn.rnn_stacks.0.fw_fc.weight | [1312, 2048] | 2686976 -encoder.rnn.rnn_stacks.0.fw_bn.weight | [2048] | 2048 -encoder.rnn.rnn_stacks.0.fw_bn.bias | [2048] | 2048 -encoder.rnn.rnn_stacks.0.fw_bn._mean | [2048] | 2048 -encoder.rnn.rnn_stacks.0.fw_bn._variance | [2048] | 2048 -encoder.rnn.rnn_stacks.0.bw_fc.weight | [1312, 2048] | 2686976 -encoder.rnn.rnn_stacks.0.bw_bn.weight | [2048] | 2048 -encoder.rnn.rnn_stacks.0.bw_bn.bias | [2048] | 2048 -encoder.rnn.rnn_stacks.0.bw_bn._mean | [2048] | 2048 -encoder.rnn.rnn_stacks.0.bw_bn._variance | [2048] | 2048 -encoder.rnn.rnn_stacks.0.fw_cell.weight_hh | [2048, 2048] | 4194304 -encoder.rnn.rnn_stacks.0.fw_cell.bias_hh | [2048] | 2048 -encoder.rnn.rnn_stacks.0.bw_cell.weight_hh | [2048, 2048] | 4194304 -encoder.rnn.rnn_stacks.0.bw_cell.bias_hh | [2048] | 2048 -encoder.rnn.rnn_stacks.0.fw_rnn.cell.weight_hh | [2048, 2048] | 4194304 -encoder.rnn.rnn_stacks.0.fw_rnn.cell.bias_hh | [2048] | 2048 -encoder.rnn.rnn_stacks.0.bw_rnn.cell.weight_hh | [2048, 2048] | 4194304 -encoder.rnn.rnn_stacks.0.bw_rnn.cell.bias_hh | [2048] | 2048 -encoder.rnn.rnn_stacks.1.fw_fc.weight | [4096, 2048] | 8388608 -encoder.rnn.rnn_stacks.1.fw_bn.weight | [2048] | 2048 -encoder.rnn.rnn_stacks.1.fw_bn.bias | [2048] | 2048 -encoder.rnn.rnn_stacks.1.fw_bn._mean | [2048] | 2048 -encoder.rnn.rnn_stacks.1.fw_bn._variance | [2048] | 2048 -encoder.rnn.rnn_stacks.1.bw_fc.weight | [4096, 2048] | 8388608 -encoder.rnn.rnn_stacks.1.bw_bn.weight | [2048] | 2048 -encoder.rnn.rnn_stacks.1.bw_bn.bias | [2048] | 2048 -encoder.rnn.rnn_stacks.1.bw_bn._mean | [2048] | 2048 -encoder.rnn.rnn_stacks.1.bw_bn._variance | [2048] | 2048 -encoder.rnn.rnn_stacks.1.fw_cell.weight_hh | [2048, 2048] | 4194304 -encoder.rnn.rnn_stacks.1.fw_cell.bias_hh | [2048] | 2048 -encoder.rnn.rnn_stacks.1.bw_cell.weight_hh | [2048, 2048] | 4194304 -encoder.rnn.rnn_stacks.1.bw_cell.bias_hh | [2048] | 2048 -encoder.rnn.rnn_stacks.1.fw_rnn.cell.weight_hh | [2048, 2048] | 4194304 -encoder.rnn.rnn_stacks.1.fw_rnn.cell.bias_hh | [2048] | 2048 -encoder.rnn.rnn_stacks.1.bw_rnn.cell.weight_hh | [2048, 2048] | 4194304 -encoder.rnn.rnn_stacks.1.bw_rnn.cell.bias_hh | [2048] | 2048 -encoder.rnn.rnn_stacks.2.fw_fc.weight | [4096, 2048] | 8388608 -encoder.rnn.rnn_stacks.2.fw_bn.weight | [2048] | 2048 -encoder.rnn.rnn_stacks.2.fw_bn.bias | [2048] | 2048 -encoder.rnn.rnn_stacks.2.fw_bn._mean | [2048] | 2048 -encoder.rnn.rnn_stacks.2.fw_bn._variance | [2048] | 2048 -encoder.rnn.rnn_stacks.2.bw_fc.weight | [4096, 2048] | 8388608 -encoder.rnn.rnn_stacks.2.bw_bn.weight | [2048] | 2048 -encoder.rnn.rnn_stacks.2.bw_bn.bias | [2048] | 2048 -encoder.rnn.rnn_stacks.2.bw_bn._mean | [2048] | 2048 -encoder.rnn.rnn_stacks.2.bw_bn._variance | [2048] | 2048 -encoder.rnn.rnn_stacks.2.fw_cell.weight_hh | [2048, 2048] | 4194304 -encoder.rnn.rnn_stacks.2.fw_cell.bias_hh | [2048] | 2048 -encoder.rnn.rnn_stacks.2.bw_cell.weight_hh | [2048, 2048] | 4194304 -encoder.rnn.rnn_stacks.2.bw_cell.bias_hh | [2048] | 2048 -encoder.rnn.rnn_stacks.2.fw_rnn.cell.weight_hh | [2048, 2048] | 4194304 -encoder.rnn.rnn_stacks.2.fw_rnn.cell.bias_hh | [2048] | 2048 -encoder.rnn.rnn_stacks.2.bw_rnn.cell.weight_hh | [2048, 2048] | 4194304 -encoder.rnn.rnn_stacks.2.bw_rnn.cell.bias_hh | [2048] | 2048 -decoder.ctc_lo.weight | [4096, 29] | 118784 -decoder.ctc_lo.bias | [29] | 29 -Total parameters: 66, 85.55M elements. -/home/huangyuxin/workspace/my_DeepSpeech/DeepSpeech/tools/venv/lib/python3.7/site-packages/paddle/fluid/layers/utils.py:77: DeprecationWarning: Using or importing the ABCs from 'collections' instead of from 'collections.abc' is deprecated, and in 3.8 it will stop working - return (isinstance(seq, collections.Sequence) and -2021-09-20 08:30:05.471 | INFO | deepspeech2x.model:export:403 - Export code: def forward(self, audio, audio_len): - """export model function - - Args: - audio (Tensor): [B, T, D] - audio_len (Tensor): [B] - - Returns: - probs: probs after softmax - """ - eouts, eouts_len = paddle.jit.dy2static.convert_call(self.encoder)(audio, - audio_len) - probs = paddle.jit.dy2static.convert_call(self.decoder.softmax)(eouts) - return probs, eouts_len - -/home/huangyuxin/workspace/my_DeepSpeech/DeepSpeech/tools/venv/lib/python3.7/site-packages/paddle/fluid/framework.py:2249: UserWarning: The Attr(force_cpu) of Op(fill_constant) will be deprecated in the future, please use 'device_guard' instead. 'device_guard' has higher priority when they are used at the same time. - "used at the same time." % type) -/home/huangyuxin/workspace/my_DeepSpeech/DeepSpeech/tools/venv/lib/python3.7/site-packages/paddle/fluid/framework.py:744: DeprecationWarning: `np.bool` is a deprecated alias for the builtin `bool`. To silence this warning, use `bool` by itself. Doing this will not modify any behavior and is safe. If you specifically wanted the numpy scalar type, use `np.bool_` here. -Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations - elif dtype == np.bool: -/home/huangyuxin/workspace/my_DeepSpeech/DeepSpeech/tools/venv/lib/python3.7/site-packages/paddle/fluid/layers/math_op_patch.py:341: UserWarning: /tmp/tmp53sqv_kw.py:29 -The behavior of expression A >= B has been unified with greater_equal(X, Y, axis=-1) from Paddle 2.0. If your code works well in the older versions but crashes in this version, try to use greater_equal(X, Y, axis=0) instead of A >= B. This transitional warning will be dropped in the future. - op_type, op_type, EXPRESSION_MAP[method_name])) -/home/huangyuxin/workspace/my_DeepSpeech/DeepSpeech/tools/venv/lib/python3.7/site-packages/paddle/fluid/layers/math_op_patch.py:341: UserWarning: /tmp/tmp0q2ph61l.py:17 -The behavior of expression A * B has been unified with elementwise_mul(X, Y, axis=-1) from Paddle 2.0. If your code works well in the older versions but crashes in this version, try to use elementwise_mul(X, Y, axis=0) instead of A * B. This transitional warning will be dropped in the future. - op_type, op_type, EXPRESSION_MAP[method_name])) -/home/huangyuxin/workspace/my_DeepSpeech/DeepSpeech/tools/venv/lib/python3.7/site-packages/paddle/fluid/layers/math_op_patch.py:341: UserWarning: /tmp/tmplb6bv6sh.py:17 -The behavior of expression A * B has been unified with elementwise_mul(X, Y, axis=-1) from Paddle 2.0. If your code works well in the older versions but crashes in this version, try to use elementwise_mul(X, Y, axis=0) instead of A * B. This transitional warning will be dropped in the future. - op_type, op_type, EXPRESSION_MAP[method_name])) -/home/huangyuxin/workspace/my_DeepSpeech/DeepSpeech/tools/venv/lib/python3.7/site-packages/paddle/fluid/layers/math_op_patch.py:341: UserWarning: /home/huangyuxin/workspace/my_DeepSpeech/DeepSpeech/examples/v18_to_v2x/deepspeech2x/models/ds2/rnn.py:84 -The behavior of expression A + B has been unified with elementwise_add(X, Y, axis=-1) from Paddle 2.0. If your code works well in the older versions but crashes in this version, try to use elementwise_add(X, Y, axis=0) instead of A + B. This transitional warning will be dropped in the future. - op_type, op_type, EXPRESSION_MAP[method_name])) -/home/huangyuxin/workspace/my_DeepSpeech/DeepSpeech/tools/venv/lib/python3.7/site-packages/paddle/fluid/layers/math_op_patch.py:341: UserWarning: /home/huangyuxin/workspace/my_DeepSpeech/DeepSpeech/tools/venv/lib/python3.7/site-packages/paddle/fluid/layers/rnn.py:520 -The behavior of expression A + B has been unified with elementwise_add(X, Y, axis=-1) from Paddle 2.0. If your code works well in the older versions but crashes in this version, try to use elementwise_add(X, Y, axis=0) instead of A + B. This transitional warning will be dropped in the future. - op_type, op_type, EXPRESSION_MAP[method_name])) -using 1 gpus... -Download language model ... -data/lm/common_crawl_00.prune01111.trie.klm already exists, download skipped. -grep: warning: GREP_OPTIONS is deprecated; please use an alias or script -/home/huangyuxin/workspace/my_DeepSpeech/DeepSpeech/tools/venv/lib/python3.7/site-packages/paddle/optimizer/adamw.py:21: DeprecationWarning: Using or importing the ABCs from 'collections' instead of from 'collections.abc' is deprecated, and in 3.8 it will stop working - from collections import Callable -/home/huangyuxin/workspace/my_DeepSpeech/DeepSpeech/tools/venv/lib/python3.7/site-packages/scipy/fftpack/__init__.py:103: DeprecationWarning: The module numpy.dual is deprecated. Instead of using dual, use the functions directly from numpy or scipy. - from numpy.dual import register_func -/home/huangyuxin/workspace/my_DeepSpeech/DeepSpeech/tools/venv/lib/python3.7/site-packages/scipy/special/orthogonal.py:81: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information. -Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations - from numpy import (exp, inf, pi, sqrt, floor, sin, cos, around, int, -/home/huangyuxin/workspace/my_DeepSpeech/DeepSpeech/tools/venv/lib/python3.7/site-packages/scipy/sparse/sputils.py:16: DeprecationWarning: `np.typeDict` is a deprecated alias for `np.sctypeDict`. - supported_dtypes = [np.typeDict[x] for x in supported_dtypes] -/home/huangyuxin/workspace/my_DeepSpeech/DeepSpeech/tools/venv/lib/python3.7/site-packages/swig_decoders-1.1-py3.7-linux-x86_64.egg/swig_decoders.py:15: DeprecationWarning: the imp module is deprecated in favour of importlib; see the module's documentation for alternative uses - import imp -2021-09-20 08:30:36.714 | WARNING | deepspeech2x::199 - override size of paddle.Tensor (`to_static` do not process `size` property, maybe some `paddle` api dependent on it), remove this when fixed! -2021-09-20 08:30:36.715 | WARNING | deepspeech2x::369 - register user GLU to paddle.nn, remove this when fixed! ------------ test_export.py Configuration Arguments ----------- -checkpoint_path: None -config: conf/deepspeech2.yaml -device: gpu -dump_config: None -export_path: exp/deepspeech2/checkpoints/librispeech_v1.8.jit -model_type: offline -nprocs: 1 -opts: [] -output: None -result_file: exp/deepspeech2/checkpoints/librispeech_v1.8.jit.rsl -seed: None ------------------------------------------------------------ -model_type:offline -collator: - augmentation_config: conf/augmentation.json - batch_size: 64 - delta_delta: False - dither: 1.0 - feat_dim: None - keep_transcription_text: False - max_freq: None - mean_std_filepath: data/mean_std.npz - n_fft: None - num_workers: 2 - random_seed: 0 - shuffle_method: batch_shuffle - sortagrad: True - specgram_type: linear - spm_model_prefix: None - stride_ms: 10.0 - target_dB: -20 - target_sample_rate: 16000 - unit_type: char - use_dB_normalization: True - vocab_filepath: data/vocab.txt - window_ms: 20.0 -data: - dev_manifest: data/manifest.dev - manifest: - max_input_len: 1000.0 - max_output_input_ratio: inf - max_output_len: inf - min_input_len: 0.0 - min_output_input_ratio: 0.0 - min_output_len: 0.0 - test_manifest: data/manifest.test-clean - train_manifest: data/manifest.train -decoding: - alpha: 2.5 - batch_size: 32 - beam_size: 500 - beta: 0.3 - cutoff_prob: 1.0 - cutoff_top_n: 40 - decoding_method: ctc_beam_search - error_rate_type: wer - lang_model_path: data/lm/common_crawl_00.prune01111.trie.klm - num_proc_bsearch: 8 -model: - blank_id: 28 - ctc_grad_norm_type: instance - num_conv_layers: 2 - num_rnn_layers: 3 - rnn_layer_size: 2048 - share_rnn_weights: True - use_gru: False -training: - accum_grad: 1 - checkpoint: - kbest_n: 50 - latest_n: 5 - global_grad_clip: 3.0 - log_interval: 100 - lr: 0.002 - lr_decay: 0.83 - n_epoch: 80 - weight_decay: 1e-06 -2021-09-20 08:30:36.777 | INFO | deepspeech2x.model:setup_dataloader:251 - Setup train/valid/test Dataloader! -W0920 08:30:36.779305 47262 device_context.cc:447] Please NOTE: device: 0, GPU Compute Capability: 7.0, Driver API Version: 10.2, Runtime API Version: 10.1 -W0920 08:30:36.784802 47262 device_context.cc:465] device: 0, cuDNN Version: 7.6. -2021-09-20 08:30:43.555 | INFO | deepspeech.modules.loss:__init__:36 - CTCLoss Loss reduction: sum, div-bs: True -2021-09-20 08:30:43.556 | INFO | deepspeech.modules.loss:__init__:45 - CTCLoss Grad Norm Type: instance -Epoch 0: ExponentialDecay set learning rate to 0.002. -W0920 08:30:43.570084 47262 analysis_predictor.cc:734] The one-time configuration of analysis predictor failed, which may be due to native predictor called first and its configurations taken effect. ---- Running analysis [ir_graph_build_pass] ---- Running analysis [ir_graph_clean_pass] ---- Running analysis [ir_analysis_pass] ---- Running IR pass [is_test_pass] ---- Running IR pass [simplify_with_basic_ops_pass] ---- Running IR pass [conv_affine_channel_fuse_pass] ---- Running IR pass [conv_eltwiseadd_affine_channel_fuse_pass] ---- Running IR pass [conv_bn_fuse_pass] -I0920 08:30:43.739712 47262 fuse_pass_base.cc:57] --- detected 2 subgraphs ---- Running IR pass [conv_eltwiseadd_bn_fuse_pass] ---- Running IR pass [embedding_eltwise_layernorm_fuse_pass] ---- Running IR pass [multihead_matmul_fuse_pass_v2] ---- Running IR pass [squeeze2_matmul_fuse_pass] ---- Running IR pass [reshape2_matmul_fuse_pass] ---- Running IR pass [flatten2_matmul_fuse_pass] ---- Running IR pass [map_matmul_to_mul_pass] ---- Running IR pass [fc_fuse_pass] ---- Running IR pass [fc_elementwise_layernorm_fuse_pass] ---- Running IR pass [conv_elementwise_add_act_fuse_pass] ---- Running IR pass [conv_elementwise_add2_act_fuse_pass] ---- Running IR pass [conv_elementwise_add_fuse_pass] ---- Running IR pass [transpose_flatten_concat_fuse_pass] ---- Running IR pass [runtime_context_cache_pass] ---- Running analysis [ir_params_sync_among_devices_pass] -I0920 08:30:43.756119 47262 ir_params_sync_among_devices_pass.cc:45] Sync params from CPU to GPU ---- Running analysis [adjust_cudnn_workspace_size_pass] ---- Running analysis [inference_op_replace_pass] ---- Running analysis [memory_optimize_pass] -I0920 08:30:43.859252 47262 memory_optimize_pass.cc:214] Cluster name : cast_0.tmp_0 size: 4 -I0920 08:30:43.859282 47262 memory_optimize_pass.cc:214] Cluster name : range_0.tmp_0 size: 8 -I0920 08:30:43.859287 47262 memory_optimize_pass.cc:214] Cluster name : audio_len size: 8 -I0920 08:30:43.859290 47262 memory_optimize_pass.cc:214] Cluster name : elementwise_mul_14 size: 16384 -I0920 08:30:43.859294 47262 memory_optimize_pass.cc:214] Cluster name : linear_12.tmp_0 size: 8192 -I0920 08:30:43.859298 47262 memory_optimize_pass.cc:214] Cluster name : batch_norm_2.tmp_2 size: 8192 -I0920 08:30:43.859302 47262 memory_optimize_pass.cc:214] Cluster name : concat_2.tmp_0 size: 16384 -I0920 08:30:43.859305 47262 memory_optimize_pass.cc:214] Cluster name : batch_norm_3.tmp_1 size: 8192 -I0920 08:30:43.859309 47262 memory_optimize_pass.cc:214] Cluster name : audio size: 644 ---- Running analysis [ir_graph_to_program_pass] -I0920 08:30:43.962338 47262 analysis_predictor.cc:653] ======= optimize end ======= -I0920 08:30:43.967875 47262 naive_executor.cc:98] --- skip [feed], feed -> audio_len -I0920 08:30:43.967905 47262 naive_executor.cc:98] --- skip [feed], feed -> audio -I0920 08:30:43.970597 47262 naive_executor.cc:98] --- skip [elementwise_mul_14], fetch -> fetch -I0920 08:30:43.970619 47262 naive_executor.cc:98] --- skip [concat_2.tmp_0], fetch -> fetch -2021-09-20 08:30:43.556 | INFO | deepspeech2x.model:setup_model:165 - DeepSpeech2Model( - (encoder): CRNNEncoder( - (conv): ConvStack( - (conv_in): ConvBn( - (conv): Conv2D(1, 32, kernel_size=[41, 11], stride=[2, 3], padding=(20, 5), data_format=NCHW) - (bn): BatchNorm2D(num_features=32, momentum=0.9, epsilon=1e-05) - ) - (conv_stack): LayerList( - (0): ConvBn( - (conv): Conv2D(32, 32, kernel_size=[21, 11], stride=[2, 1], padding=(10, 5), data_format=NCHW) - (bn): BatchNorm2D(num_features=32, momentum=0.9, epsilon=1e-05) - ) - ) - ) - (rnn): RNNStack( - (rnn_stacks): LayerList( - (0): BiRNNWithBN( - (fw_fc): Linear(in_features=1312, out_features=2048, dtype=float32) - (fw_bn): BatchNorm1D(num_features=2048, momentum=0.9, epsilon=1e-05, data_format=NLC) - (bw_fc): Linear(in_features=1312, out_features=2048, dtype=float32) - (bw_bn): BatchNorm1D(num_features=2048, momentum=0.9, epsilon=1e-05, data_format=NLC) - (fw_cell): RNNCell() - (bw_cell): RNNCell() - (fw_rnn): RNN( - (cell): RNNCell() - ) - (bw_rnn): RNN( - (cell): RNNCell() - ) - ) - (1): BiRNNWithBN( - (fw_fc): Linear(in_features=4096, out_features=2048, dtype=float32) - (fw_bn): BatchNorm1D(num_features=2048, momentum=0.9, epsilon=1e-05, data_format=NLC) - (bw_fc): Linear(in_features=4096, out_features=2048, dtype=float32) - (bw_bn): BatchNorm1D(num_features=2048, momentum=0.9, epsilon=1e-05, data_format=NLC) - (fw_cell): RNNCell() - (bw_cell): RNNCell() - (fw_rnn): RNN( - (cell): RNNCell() - ) - (bw_rnn): RNN( - (cell): RNNCell() - ) - ) - (2): BiRNNWithBN( - (fw_fc): Linear(in_features=4096, out_features=2048, dtype=float32) - (fw_bn): BatchNorm1D(num_features=2048, momentum=0.9, epsilon=1e-05, data_format=NLC) - (bw_fc): Linear(in_features=4096, out_features=2048, dtype=float32) - (bw_bn): BatchNorm1D(num_features=2048, momentum=0.9, epsilon=1e-05, data_format=NLC) - (fw_cell): RNNCell() - (bw_cell): RNNCell() - (fw_rnn): RNN( - (cell): RNNCell() - ) - (bw_rnn): RNN( - (cell): RNNCell() - ) - ) - ) - ) - ) - (decoder): CTCDecoder( - (ctc_lo): Linear(in_features=4096, out_features=29, dtype=float32) - (criterion): CTCLoss( - (loss): CTCLoss() - ) - ) -) -2021-09-20 08:30:43.557 | INFO | deepspeech.utils.layer_tools:print_params:57 - encoder.conv.conv_in.conv.weight | [32, 1, 41, 11] | 14432 | True -2021-09-20 08:30:43.557 | INFO | deepspeech.utils.layer_tools:print_params:57 - encoder.conv.conv_in.bn.weight | [32] | 32 | True -2021-09-20 08:30:43.558 | INFO | deepspeech.utils.layer_tools:print_params:57 - encoder.conv.conv_in.bn.bias | [32] | 32 | True -2021-09-20 08:30:43.558 | INFO | deepspeech.utils.layer_tools:print_params:57 - encoder.conv.conv_in.bn._mean | [32] | 32 | False -2021-09-20 08:30:43.558 | INFO | deepspeech.utils.layer_tools:print_params:57 - encoder.conv.conv_in.bn._variance | [32] | 32 | False -2021-09-20 08:30:43.558 | INFO | deepspeech.utils.layer_tools:print_params:57 - encoder.conv.conv_stack.0.conv.weight | [32, 32, 21, 11] | 236544 | True -2021-09-20 08:30:43.559 | INFO | deepspeech.utils.layer_tools:print_params:57 - encoder.conv.conv_stack.0.bn.weight | [32] | 32 | True -2021-09-20 08:30:43.559 | INFO | deepspeech.utils.layer_tools:print_params:57 - encoder.conv.conv_stack.0.bn.bias | [32] | 32 | True -2021-09-20 08:30:43.559 | INFO | deepspeech.utils.layer_tools:print_params:57 - encoder.conv.conv_stack.0.bn._mean | [32] | 32 | False -2021-09-20 08:30:43.560 | INFO | deepspeech.utils.layer_tools:print_params:57 - encoder.conv.conv_stack.0.bn._variance | [32] | 32 | False -2021-09-20 08:30:43.560 | INFO | deepspeech.utils.layer_tools:print_params:57 - encoder.rnn.rnn_stacks.0.fw_fc.weight | [1312, 2048] | 2686976 | True -2021-09-20 08:30:43.560 | INFO | deepspeech.utils.layer_tools:print_params:57 - encoder.rnn.rnn_stacks.0.fw_bn.weight | [2048] | 2048 | True -2021-09-20 08:30:43.560 | INFO | deepspeech.utils.layer_tools:print_params:57 - encoder.rnn.rnn_stacks.0.fw_bn.bias | [2048] | 2048 | True -2021-09-20 08:30:43.561 | INFO | deepspeech.utils.layer_tools:print_params:57 - encoder.rnn.rnn_stacks.0.fw_bn._mean | [2048] | 2048 | False -2021-09-20 08:30:43.561 | INFO | deepspeech.utils.layer_tools:print_params:57 - encoder.rnn.rnn_stacks.0.fw_bn._variance | [2048] | 2048 | False -2021-09-20 08:30:43.561 | INFO | deepspeech.utils.layer_tools:print_params:57 - encoder.rnn.rnn_stacks.0.fw_cell.weight_hh | [2048, 2048] | 4194304 | True -2021-09-20 08:30:43.562 | INFO | deepspeech.utils.layer_tools:print_params:57 - encoder.rnn.rnn_stacks.0.fw_cell.bias_hh | [2048] | 2048 | True -2021-09-20 08:30:43.562 | INFO | deepspeech.utils.layer_tools:print_params:57 - encoder.rnn.rnn_stacks.0.bw_cell.weight_hh | [2048, 2048] | 4194304 | True -2021-09-20 08:30:43.562 | INFO | deepspeech.utils.layer_tools:print_params:57 - encoder.rnn.rnn_stacks.0.bw_cell.bias_hh | [2048] | 2048 | True -2021-09-20 08:30:43.563 | INFO | deepspeech.utils.layer_tools:print_params:57 - encoder.rnn.rnn_stacks.1.fw_fc.weight | [4096, 2048] | 8388608 | True -2021-09-20 08:30:43.563 | INFO | deepspeech.utils.layer_tools:print_params:57 - encoder.rnn.rnn_stacks.1.fw_bn.weight | [2048] | 2048 | True -2021-09-20 08:30:43.563 | INFO | deepspeech.utils.layer_tools:print_params:57 - encoder.rnn.rnn_stacks.1.fw_bn.bias | [2048] | 2048 | True -2021-09-20 08:30:43.563 | INFO | deepspeech.utils.layer_tools:print_params:57 - encoder.rnn.rnn_stacks.1.fw_bn._mean | [2048] | 2048 | False -2021-09-20 08:30:43.564 | INFO | deepspeech.utils.layer_tools:print_params:57 - encoder.rnn.rnn_stacks.1.fw_bn._variance | [2048] | 2048 | False -2021-09-20 08:30:43.564 | INFO | deepspeech.utils.layer_tools:print_params:57 - encoder.rnn.rnn_stacks.1.fw_cell.weight_hh | [2048, 2048] | 4194304 | True -2021-09-20 08:30:43.564 | INFO | deepspeech.utils.layer_tools:print_params:57 - encoder.rnn.rnn_stacks.1.fw_cell.bias_hh | [2048] | 2048 | True -2021-09-20 08:30:43.565 | INFO | deepspeech.utils.layer_tools:print_params:57 - encoder.rnn.rnn_stacks.1.bw_cell.weight_hh | [2048, 2048] | 4194304 | True -2021-09-20 08:30:43.565 | INFO | deepspeech.utils.layer_tools:print_params:57 - encoder.rnn.rnn_stacks.1.bw_cell.bias_hh | [2048] | 2048 | True -2021-09-20 08:30:43.565 | INFO | deepspeech.utils.layer_tools:print_params:57 - encoder.rnn.rnn_stacks.2.fw_fc.weight | [4096, 2048] | 8388608 | True -2021-09-20 08:30:43.565 | INFO | deepspeech.utils.layer_tools:print_params:57 - encoder.rnn.rnn_stacks.2.fw_bn.weight | [2048] | 2048 | True -2021-09-20 08:30:43.566 | INFO | deepspeech.utils.layer_tools:print_params:57 - encoder.rnn.rnn_stacks.2.fw_bn.bias | [2048] | 2048 | True -2021-09-20 08:30:43.566 | INFO | deepspeech.utils.layer_tools:print_params:57 - encoder.rnn.rnn_stacks.2.fw_bn._mean | [2048] | 2048 | False -2021-09-20 08:30:43.566 | INFO | deepspeech.utils.layer_tools:print_params:57 - encoder.rnn.rnn_stacks.2.fw_bn._variance | [2048] | 2048 | False -2021-09-20 08:30:43.567 | INFO | deepspeech.utils.layer_tools:print_params:57 - encoder.rnn.rnn_stacks.2.fw_cell.weight_hh | [2048, 2048] | 4194304 | True -2021-09-20 08:30:43.567 | INFO | deepspeech.utils.layer_tools:print_params:57 - encoder.rnn.rnn_stacks.2.fw_cell.bias_hh | [2048] | 2048 | True -2021-09-20 08:30:43.567 | INFO | deepspeech.utils.layer_tools:print_params:57 - encoder.rnn.rnn_stacks.2.bw_cell.weight_hh | [2048, 2048] | 4194304 | True -2021-09-20 08:30:43.567 | INFO | deepspeech.utils.layer_tools:print_params:57 - encoder.rnn.rnn_stacks.2.bw_cell.bias_hh | [2048] | 2048 | True -2021-09-20 08:30:43.568 | INFO | deepspeech.utils.layer_tools:print_params:57 - decoder.ctc_lo.weight | [4096, 29] | 118784 | True -2021-09-20 08:30:43.568 | INFO | deepspeech.utils.layer_tools:print_params:57 - decoder.ctc_lo.bias | [29] | 29 | True -2021-09-20 08:30:43.568 | INFO | deepspeech.utils.layer_tools:print_params:60 - Total parameters: 39.0, 42.95M elements. -2021-09-20 08:30:43.569 | INFO | deepspeech2x.model:setup_model:184 - Setup model/optimizer/lr_scheduler! -2021-09-20 08:30:43.971 | INFO | deepspeech2x.model:test:353 - Test Total Examples: 2620 -2021-09-20 08:30:44.873 | INFO | deepspeech.modules.ctc:_init_ext_scorer:166 - begin to initialize the external scorer for decoding -2021-09-20 08:30:59.075 | INFO | deepspeech.modules.ctc:_init_ext_scorer:176 - language model: is_character_based = 0, max_order = 5, dict_size = 400000 -2021-09-20 08:30:59.460 | INFO | deepspeech.modules.ctc:_init_ext_scorer:177 - end initializing scorer -2021-09-20 08:30:59.824 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: a story -Output Transcription: a story -2021-09-20 08:30:59.825 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:30:59.826 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: direction -Output Transcription: direction -2021-09-20 08:30:59.826 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:30:59.826 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: verse two -Output Transcription: first two -2021-09-20 08:30:59.827 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.500000 -2021-09-20 08:30:59.827 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: oh emil -Output Transcription: oh amil -2021-09-20 08:30:59.827 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.500000 -2021-09-20 08:30:59.828 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: indeed ah -Output Transcription: indeed a -2021-09-20 08:30:59.828 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.500000 -2021-09-20 08:30:59.828 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: farewell madam -Output Transcription: farewell madame -2021-09-20 08:30:59.829 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.500000 -2021-09-20 08:30:59.829 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: poor alice -Output Transcription: poor alice -2021-09-20 08:30:59.829 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:30:59.829 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: there just in front -Output Transcription: there just in front -2021-09-20 08:30:59.830 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:30:59.830 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: hans stirs not -Output Transcription: han stirs not -2021-09-20 08:30:59.830 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.333333 -2021-09-20 08:30:59.831 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: marie sighed -Output Transcription: marie's side -2021-09-20 08:30:59.831 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 1.000000 -2021-09-20 08:30:59.831 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: venice -Output Transcription: venice -2021-09-20 08:30:59.832 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:30:59.832 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: what was that -Output Transcription: what was that -2021-09-20 08:30:59.832 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:30:59.832 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: will you forgive me now -Output Transcription: will you forgive me now -2021-09-20 08:30:59.833 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:30:59.833 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: paul sticks to his theme -Output Transcription: pastes to his theme -2021-09-20 08:30:59.833 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.400000 -2021-09-20 08:30:59.834 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: ay me -Output Transcription: i me -2021-09-20 08:30:59.834 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.500000 -2021-09-20 08:30:59.835 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: there is no fear of that sir -Output Transcription: there's no fear of that sir -2021-09-20 08:30:59.835 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.285714 -2021-09-20 08:30:59.836 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: then she suddenly remarked -Output Transcription: then she suddenly remarked -2021-09-20 08:30:59.836 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:30:59.836 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i must know about you -Output Transcription: i must know about you -2021-09-20 08:30:59.836 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:30:59.837 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i delight in your kitchen -Output Transcription: my delight in your kitchen -2021-09-20 08:30:59.837 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.200000 -2021-09-20 08:30:59.838 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: thank you dorcas dear -Output Transcription: thank you darkest deer -2021-09-20 08:30:59.838 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.500000 -2021-09-20 08:30:59.838 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: explain yourself -Output Transcription: explain yourself -2021-09-20 08:30:59.839 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:30:59.839 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: he knows them both -Output Transcription: he knows them both -2021-09-20 08:30:59.839 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:30:59.839 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: you are positive then -Output Transcription: you are positive then -2021-09-20 08:30:59.840 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:30:59.840 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: it is annoyance then -Output Transcription: it is annoyance then -2021-09-20 08:30:59.841 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:30:59.841 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: it was written in latin -Output Transcription: it was written in latin -2021-09-20 08:30:59.842 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:30:59.842 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: have i told you about my new play -Output Transcription: have i told you about my new play -2021-09-20 08:30:59.843 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:30:59.843 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: where was the use of imagining -Output Transcription: where was the use of imagining -2021-09-20 08:30:59.844 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:30:59.844 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: suppose it's a friend -Output Transcription: suppose is a friend -2021-09-20 08:30:59.845 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.250000 -2021-09-20 08:30:59.846 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: that's the way of the world -Output Transcription: that's the way of the world -2021-09-20 08:30:59.846 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:30:59.847 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: experience proves this -Output Transcription: experience proves this -2021-09-20 08:30:59.847 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:30:59.847 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: we don't know where it will take us -Output Transcription: we don't know where it will take us -2021-09-20 08:30:59.848 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:30:59.849 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: only for a minute or so -Output Transcription: only for a minute or so -2021-09-20 08:30:59.849 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:30:59.850 | INFO | deepspeech2x.model:test:372 - Error rate [wer] (32/?) = 0.130081 -2021-09-20 08:31:02.000 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i will practice it -Output Transcription: i will practise it -2021-09-20 08:31:02.001 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.250000 -2021-09-20 08:31:02.001 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: but we're going just the same -Output Transcription: but we're going just the same -2021-09-20 08:31:02.001 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:31:02.001 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: phoenician very good -Output Transcription: phoenician very good -2021-09-20 08:31:02.002 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:31:02.003 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i named nine others and said -Output Transcription: i name nine others and said -2021-09-20 08:31:02.003 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.166667 -2021-09-20 08:31:02.004 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: won't you tell douglas -Output Transcription: won't you tell douglas -2021-09-20 08:31:02.004 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:31:02.004 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: no good my dear watson -Output Transcription: no good my dear watson -2021-09-20 08:31:02.004 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:31:02.005 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: at another time harald asked -Output Transcription: at another time harold asked -2021-09-20 08:31:02.005 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.200000 -2021-09-20 08:31:02.006 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: yes said rachel -Output Transcription: yes said rachel -2021-09-20 08:31:02.006 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:31:02.006 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: to morrow is the examination -Output Transcription: tomorrow is the examination -2021-09-20 08:31:02.007 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.400000 -2021-09-20 08:31:02.007 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the lad had checked him then -Output Transcription: the lad had checked him then -2021-09-20 08:31:02.008 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:31:02.008 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: squeak squeak -Output Transcription: squeak squeak -2021-09-20 08:31:02.008 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:31:02.008 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: he was the last to turn to christ -Output Transcription: he was the last to turn to christ -2021-09-20 08:31:02.009 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:31:02.009 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: probably not till the second post -Output Transcription: probably not til the second post -2021-09-20 08:31:02.010 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.166667 -2021-09-20 08:31:02.010 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: alexandra lets you sleep late -Output Transcription: alexander that you sleep late -2021-09-20 08:31:02.011 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.400000 -2021-09-20 08:31:02.011 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: it's a stock company and rich -Output Transcription: it's a stock company in rich -2021-09-20 08:31:02.012 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.166667 -2021-09-20 08:31:02.012 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: robin fitzooth -Output Transcription: robin fitz -2021-09-20 08:31:02.013 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.500000 -2021-09-20 08:31:02.013 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: and one more this morning -Output Transcription: and one more this morning -2021-09-20 08:31:02.013 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:31:02.013 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the room was empty when he entered -Output Transcription: the room was empty when he entered -2021-09-20 08:31:02.014 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:31:02.014 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: he put his shoes on the table -Output Transcription: he put his shoes on the table -2021-09-20 08:31:02.014 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:31:02.015 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i don't want to stand around and look on -Output Transcription: i don't mind to stand around a morgan -2021-09-20 08:31:02.016 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.444444 -2021-09-20 08:31:02.016 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: he could wait no longer -Output Transcription: he could wait no longer -2021-09-20 08:31:02.017 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:31:02.017 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i got in about ten minutes ago -Output Transcription: i got in about ten minutes ago -2021-09-20 08:31:02.017 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:31:02.018 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: oh bartley what am i to do -Output Transcription: how bartling what am i to do -2021-09-20 08:31:02.018 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.285714 -2021-09-20 08:31:02.019 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: she doesn't take up with anybody you know -Output Transcription: she doesn't take up with anybody you know -2021-09-20 08:31:02.019 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:31:02.019 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the work had to be condensed -Output Transcription: the work had to be condensed -2021-09-20 08:31:02.020 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:31:02.021 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the story's written -Output Transcription: the stories written -2021-09-20 08:31:02.021 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.333333 -2021-09-20 08:31:02.022 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: why are we to be divided -Output Transcription: why are we to be divided -2021-09-20 08:31:02.022 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:31:02.023 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: alexander did not sit down -Output Transcription: alexander did not sit down -2021-09-20 08:31:02.025 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:31:02.025 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: slang is odious -Output Transcription: slang is odious -2021-09-20 08:31:02.025 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:31:02.026 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i painted the eyes red for anger -Output Transcription: i painted the eyes red for anger -2021-09-20 08:31:02.027 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:31:02.027 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: he is but a boy the men said -Output Transcription: he is but a boy the man said -2021-09-20 08:31:02.030 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.125000 -2021-09-20 08:31:02.030 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i am very glad -Output Transcription: i am very glad -2021-09-20 08:31:02.031 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:31:02.031 | INFO | deepspeech2x.model:test:372 - Error rate [wer] (64/?) = 0.114865 -2021-09-20 08:31:02.622 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: fine glorious -Output Transcription: fine pores -2021-09-20 08:31:02.623 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.500000 -2021-09-20 08:31:02.623 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: eliza parsons shook her head -Output Transcription: eliza parsons shook her head -2021-09-20 08:31:02.623 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:31:02.623 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: all is said without a word -Output Transcription: all is said without a word -2021-09-20 08:31:02.624 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:31:02.624 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the woman seemed thoughtful -Output Transcription: the woman seemed thoughtful -2021-09-20 08:31:02.624 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:31:02.624 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: then the leader parted from the line -Output Transcription: then the leader parted from the line -2021-09-20 08:31:02.625 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:31:02.625 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: you don't seem to realize the position -Output Transcription: you don't seem to realize the position -2021-09-20 08:31:02.625 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:31:02.626 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: what is slang -Output Transcription: what is slang -2021-09-20 08:31:02.626 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:31:02.627 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: bring in the table we are hungry -Output Transcription: bring in the table we are hungry -2021-09-20 08:31:02.627 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:31:02.627 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i'll pay all the costs besides -Output Transcription: i'll pay all the cause besides -2021-09-20 08:31:02.628 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.166667 -2021-09-20 08:31:02.628 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: ain't they the greatest -Output Transcription: ain't they the greatest -2021-09-20 08:31:02.628 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:31:02.629 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: your mother the queen was standing by -Output Transcription: your mother the queen was standing by -2021-09-20 08:31:02.629 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:31:02.629 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: he makes it sort of cozier -Output Transcription: he makes it sort of cozier -2021-09-20 08:31:02.630 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:31:02.630 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: it is a duty said i -Output Transcription: it is a duty said i -2021-09-20 08:31:02.630 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:31:02.631 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: just close the door said holmes -Output Transcription: just closed the door said holmes -2021-09-20 08:31:02.631 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.166667 -2021-09-20 08:31:02.631 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i allude to the goddess -Output Transcription: i allude to the goddess -2021-09-20 08:31:02.632 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:31:02.632 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: now to bed boy -Output Transcription: now to bed boy -2021-09-20 08:31:02.632 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:31:02.632 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: so it is said anders -Output Transcription: so it is said anders -2021-09-20 08:31:02.633 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:31:02.633 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the former boolooroo groaned -Output Transcription: the former bore groaned -2021-09-20 08:31:02.634 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.250000 -2021-09-20 08:31:02.634 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: weren't you happy then at all -Output Transcription: weren't you happy then at all -2021-09-20 08:31:02.634 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:31:02.635 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: but that is kaffar's knife -Output Transcription: but that is cair's life -2021-09-20 08:31:02.635 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.400000 -2021-09-20 08:31:02.636 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: ham to be or not to be -Output Transcription: him to be or not to be -2021-09-20 08:31:02.636 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.142857 -2021-09-20 08:31:02.637 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: and how odd the directions will look -Output Transcription: and how odd the directions will look -2021-09-20 08:31:02.637 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:31:02.638 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: so we harried the coast of norway -Output Transcription: so we hurried the coast of norway -2021-09-20 08:31:02.638 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.142857 -2021-09-20 08:31:02.638 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: anders face grew red -Output Transcription: anders face grew red -2021-09-20 08:31:02.639 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:31:02.639 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: mister jago is an american philip -Output Transcription: is iago as an american philip -2021-09-20 08:31:02.641 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.500000 -2021-09-20 08:31:02.641 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: it will be no disappointment to me -Output Transcription: it'll be no disappointment to me -2021-09-20 08:31:02.642 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.285714 -2021-09-20 08:31:02.644 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: ah very well -Output Transcription: a very well -2021-09-20 08:31:02.644 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.333333 -2021-09-20 08:31:02.644 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the university -Output Transcription: the university -2021-09-20 08:31:02.646 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:31:02.647 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i don't anticipate -Output Transcription: i don't anticipate -2021-09-20 08:31:02.647 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:31:02.648 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: oh well sir what about him -Output Transcription: help well sir what about him -2021-09-20 08:31:02.649 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.166667 -2021-09-20 08:31:02.649 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: no more than the dancing -Output Transcription: no more than the dancing -2021-09-20 08:31:02.650 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:31:02.651 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: he's swiftly punished -Output Transcription: he is swiftly punished -2021-09-20 08:31:02.651 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.666667 -2021-09-20 08:31:02.653 | INFO | deepspeech2x.model:test:372 - Error rate [wer] (96/?) = 0.110629 -2021-09-20 08:31:06.132 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: if i feel that way i feel that way -Output Transcription: if i feel that way i feel that way -2021-09-20 08:31:06.132 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:31:06.133 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: yes don't you -Output Transcription: yes don't you -2021-09-20 08:31:06.133 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:31:06.133 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: look closely at life -Output Transcription: look closely at life -2021-09-20 08:31:06.134 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:31:06.134 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: you know captain lake -Output Transcription: you know captain lake -2021-09-20 08:31:06.134 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:31:06.135 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: poyser is not at home is he -Output Transcription: poyser is not at home as he -2021-09-20 08:31:06.135 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.142857 -2021-09-20 08:31:06.136 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: stephanos dedalos -Output Transcription: stefano delos -2021-09-20 08:31:06.136 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 1.000000 -2021-09-20 08:31:06.136 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: these he gave to three of my brothers -Output Transcription: these he gave to three of my brothers -2021-09-20 08:31:06.136 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:31:06.137 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: then he turned to me again frowning -Output Transcription: then he turned to me again frowning -2021-09-20 08:31:06.137 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:31:06.137 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: so it is with the lower animals -Output Transcription: so it is with the lower animals -2021-09-20 08:31:06.137 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:31:06.138 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: who touches me am i in bed -Output Transcription: taches me am i in bed -2021-09-20 08:31:06.138 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.285714 -2021-09-20 08:31:06.139 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i suppose that's the wet season too then -Output Transcription: i suppose that's the wet season too then -2021-09-20 08:31:06.139 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:31:06.139 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: he tried to think how it could be -Output Transcription: he tried to think how it could be -2021-09-20 08:31:06.139 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:31:06.140 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: he is the one with the worst record -Output Transcription: he is the one with the worst record -2021-09-20 08:31:06.140 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:31:06.140 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: that invitation decided her -Output Transcription: that invitation decided her -2021-09-20 08:31:06.140 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:31:06.141 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: but i stayed that spring and built me a boat -Output Transcription: but i stayed that spring and built me a boat -2021-09-20 08:31:06.141 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:31:06.141 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: no its not too soon -Output Transcription: no it's not you soon -2021-09-20 08:31:06.142 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.400000 -2021-09-20 08:31:06.143 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: relapses into silence for the rest of the evening -Output Transcription: relapses into sins for the rest of the inning -2021-09-20 08:31:06.143 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.222222 -2021-09-20 08:31:06.144 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: he acts as though he had not expected us -Output Transcription: he acted to he's not expected us -2021-09-20 08:31:06.145 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.555556 -2021-09-20 08:31:06.145 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: enter lord arthur fluffinose -Output Transcription: entered lord arthur poteet -2021-09-20 08:31:06.146 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.500000 -2021-09-20 08:31:06.146 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: will the hurons hear his groans -Output Transcription: will the herons here his groans -2021-09-20 08:31:06.147 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.333333 -2021-09-20 08:31:06.147 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: how did her mother ever let her go -Output Transcription: how did her mother ever let her go -2021-09-20 08:31:06.147 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:31:06.147 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: you are acute -Output Transcription: you are acute -2021-09-20 08:31:06.148 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:31:06.148 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: spinning indeed -Output Transcription: spinning indeed -2021-09-20 08:31:06.148 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:31:06.149 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: to day i shouted -Output Transcription: today i shouted -2021-09-20 08:31:06.149 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.500000 -2021-09-20 08:31:06.149 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: after all we were awfully young -Output Transcription: after all we were awfully long -2021-09-20 08:31:06.151 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.166667 -2021-09-20 08:31:06.151 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: and all the brethren which are with me -Output Transcription: and all the brethren which are with me -2021-09-20 08:31:06.151 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:31:06.152 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: somehow i had grown nervous -Output Transcription: somehow i had grown nervous -2021-09-20 08:31:06.152 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:31:06.153 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the captain shook his head -Output Transcription: the captain shook his head -2021-09-20 08:31:06.154 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:31:06.154 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: so it seems to me -Output Transcription: so it seems to me -2021-09-20 08:31:06.154 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:31:06.156 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: mister ottley's indeed -Output Transcription: mister outlays indeed -2021-09-20 08:31:06.156 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.333333 -2021-09-20 08:31:06.156 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: she has been dead these twenty years -Output Transcription: she has been dead these twenty years -2021-09-20 08:31:06.157 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:31:06.157 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: he only shook his head -Output Transcription: he only shook his head -2021-09-20 08:31:06.158 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:31:06.159 | INFO | deepspeech2x.model:test:372 - Error rate [wer] (128/?) = 0.112135 -2021-09-20 08:31:06.884 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the count shook his head -Output Transcription: the count shook his head -2021-09-20 08:31:06.885 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:31:06.885 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: she gathered up her reins -Output Transcription: she gathered up her reins -2021-09-20 08:31:06.885 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:31:06.886 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: ocean reigned supreme -Output Transcription: ocean reigned supreme -2021-09-20 08:31:06.886 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:31:06.886 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: why should he not be as other men -Output Transcription: why should he not be as other men -2021-09-20 08:31:06.887 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:31:06.887 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i get nothing but misery out of either -Output Transcription: i get nothing but misery out of either -2021-09-20 08:31:06.887 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:31:06.888 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i'm glad she's held her own since -Output Transcription: i'm glad she held her own sense -2021-09-20 08:31:06.888 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.285714 -2021-09-20 08:31:06.889 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i have my own reasons mister marshall -Output Transcription: i have my own reasons mister marshall -2021-09-20 08:31:06.889 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:31:06.889 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the variability of multiple parts -Output Transcription: the variability of multiple parts -2021-09-20 08:31:06.889 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:31:06.890 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: never that sir he had said -Output Transcription: never that sir he had said -2021-09-20 08:31:06.890 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:31:06.891 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: almost instantly he was forced to the top -Output Transcription: almost instantly was forced to the top -2021-09-20 08:31:06.891 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.125000 -2021-09-20 08:31:06.891 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: and love be false -Output Transcription: and love be false -2021-09-20 08:31:06.892 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:31:06.892 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the chair was empty but he knew -Output Transcription: the chair was empty when he knew -2021-09-20 08:31:06.893 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.142857 -2021-09-20 08:31:06.893 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i boldly lighted my cheroot -Output Transcription: i boldly lighted my to root -2021-09-20 08:31:06.894 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.400000 -2021-09-20 08:31:06.894 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i know he had it this very evening -Output Transcription: i know he had it this very evening -2021-09-20 08:31:06.894 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:31:06.895 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: but now nothing could hold me back -Output Transcription: but now nothing could hold me back -2021-09-20 08:31:06.895 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:31:06.895 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: have i told the truth mister gilchrist -Output Transcription: have i told the truth mister gilchrist -2021-09-20 08:31:06.895 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:31:06.896 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: liter roughly one quart -Output Transcription: later roughly one court -2021-09-20 08:31:06.896 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.500000 -2021-09-20 08:31:06.896 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: it was the beauty of it -Output Transcription: it was the beauty of it -2021-09-20 08:31:06.897 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:31:06.897 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: we're leaving on the abraham lincoln -Output Transcription: re leaving on the abraham lincoln -2021-09-20 08:31:06.898 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.166667 -2021-09-20 08:31:06.898 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: if i can get patients -Output Transcription: if i can get patience -2021-09-20 08:31:06.898 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.200000 -2021-09-20 08:31:06.899 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: it spoils one's best work -Output Transcription: it spoils one's best work -2021-09-20 08:31:06.899 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:31:06.899 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: yes rachel i do love you -Output Transcription: yes rachel i do love you -2021-09-20 08:31:06.900 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:31:06.900 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: you know him i think so -Output Transcription: you know him i think so -2021-09-20 08:31:06.900 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:31:06.900 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: mother dear father do you hear me -Output Transcription: mother dear father do you hear me -2021-09-20 08:31:06.901 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:31:06.901 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i didn't preach without direction -Output Transcription: i didn't preach without direction -2021-09-20 08:31:06.902 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:31:06.902 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the problem was solved -Output Transcription: the problem was solved -2021-09-20 08:31:06.903 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:31:06.904 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: he nods his consent -Output Transcription: he gnawed his consent -2021-09-20 08:31:06.904 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.250000 -2021-09-20 08:31:06.905 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: it's tremendously well put on too -Output Transcription: it's tremendously well put on to -2021-09-20 08:31:06.906 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.166667 -2021-09-20 08:31:06.906 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: this is our last feast with you i said -Output Transcription: this is our last feast with you i said -2021-09-20 08:31:06.906 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:31:06.908 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: oh but i'm glad to get this place mowed -Output Transcription: oh but i'm glad to get this place mode -2021-09-20 08:31:06.909 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.111111 -2021-09-20 08:31:06.909 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: we never had so many of them in here before -Output Transcription: we never had so many of them in here before -2021-09-20 08:31:06.910 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:31:06.911 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: there are few changes in the old quarter -Output Transcription: there are a few changes in the old quarter -2021-09-20 08:31:06.912 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.125000 -2021-09-20 08:31:06.913 | INFO | deepspeech2x.model:test:372 - Error rate [wer] (160/?) = 0.102233 -2021-09-20 08:31:09.723 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the housekeeper led the way and beth followed -Output Transcription: the housekeeper led the way and beth followed -2021-09-20 08:31:09.724 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:31:09.724 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: she pressed his hand gently in gratitude -Output Transcription: she pressed his hand gently in gratitude -2021-09-20 08:31:09.725 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:31:09.725 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: then he comes to the beak of it -Output Transcription: then he comes to the beak of -2021-09-20 08:31:09.726 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.125000 -2021-09-20 08:31:09.727 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: so i did push this fellow -Output Transcription: so i did push this fellow -2021-09-20 08:31:09.727 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:31:09.727 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i want double nine hal lo -Output Transcription: i want double nine hello -2021-09-20 08:31:09.728 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.333333 -2021-09-20 08:31:09.728 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: when i addressed him he answered constrainedly -Output Transcription: when i addressed him he answered constrain ly -2021-09-20 08:31:09.729 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.285714 -2021-09-20 08:31:09.729 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: fathom six feet -Output Transcription: fathom six feet -2021-09-20 08:31:09.730 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:31:09.730 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i was afraid it was nearer home -Output Transcription: i was afraid it was nearer home -2021-09-20 08:31:09.730 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:31:09.730 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: frankly i cannot always say -Output Transcription: frankly i cannot always say -2021-09-20 08:31:09.731 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:31:09.731 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: but there seemed no reason to fear -Output Transcription: but there seemed no reason to fear -2021-09-20 08:31:09.731 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:31:09.731 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: that's what you'd like to be doing is it -Output Transcription: that's what you'd like to be doing is it -2021-09-20 08:31:09.731 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:31:09.732 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: and anyhow there's nothing to understand -Output Transcription: and any how there's nothing to understand -2021-09-20 08:31:09.733 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.333333 -2021-09-20 08:31:09.733 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: bartley bent lower over the fire -Output Transcription: partly bent lowered over the fire -2021-09-20 08:31:09.734 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.333333 -2021-09-20 08:31:09.734 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: she was alone that night -Output Transcription: she was alone that night -2021-09-20 08:31:09.734 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:31:09.734 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the three modes of management -Output Transcription: the three modes of management -2021-09-20 08:31:09.735 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:31:09.735 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i give my consent -Output Transcription: i give my consent -2021-09-20 08:31:09.735 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:31:09.735 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: conseil was my manservant -Output Transcription: conseil was my manservant -2021-09-20 08:31:09.736 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:31:09.736 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: at any rate i say go -Output Transcription: at any rate i say go -2021-09-20 08:31:09.736 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:31:09.737 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i hanna common patience with you -Output Transcription: i had a common patience with you -2021-09-20 08:31:09.737 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.333333 -2021-09-20 08:31:09.738 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: been looking up tooms county -Output Transcription: ten looking up tombs county -2021-09-20 08:31:09.738 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.400000 -2021-09-20 08:31:09.738 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the indian i also thought nothing of -Output Transcription: the indian i also thought nothing of -2021-09-20 08:31:09.738 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:31:09.739 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: but it's worse now it's unbearable -Output Transcription: but it's worse now it's unbearable -2021-09-20 08:31:09.739 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:31:09.739 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i wish i knew myself she cried fiercely -Output Transcription: i wish i knew myself she cried fiercely -2021-09-20 08:31:09.739 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:31:09.740 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: paul came later and is beneath us -Output Transcription: talking later in his beneath us -2021-09-20 08:31:09.741 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.571429 -2021-09-20 08:31:09.741 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: that is comparatively nothing -Output Transcription: that is comparatively nothing -2021-09-20 08:31:09.742 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:31:09.742 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the foul mouthed fellow at the top -Output Transcription: the foul mouthed fellow at the top -2021-09-20 08:31:09.742 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:31:09.744 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: tied to a woman -Output Transcription: tide to a woman -2021-09-20 08:31:09.744 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.250000 -2021-09-20 08:31:09.744 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: cotton she paused -Output Transcription: cotton she paused -2021-09-20 08:31:09.745 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:31:09.746 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: and it ruins a man's disposition -Output Transcription: and it runs a man's disposition -2021-09-20 08:31:09.746 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.166667 -2021-09-20 08:31:09.747 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i can't stand seeing you miserable -Output Transcription: i can't stand seeing you miserable -2021-09-20 08:31:09.747 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:31:09.748 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: it will be such a satisfaction -Output Transcription: it will be such a satisfaction -2021-09-20 08:31:09.749 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:31:09.749 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: o love o troth -Output Transcription: o love o troth -2021-09-20 08:31:09.749 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:31:09.750 | INFO | deepspeech2x.model:test:372 - Error rate [wer] (192/?) = 0.102021 -2021-09-20 08:31:11.574 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: that is very important said holmes -Output Transcription: that is very importance and holmes -2021-09-20 08:31:11.575 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.333333 -2021-09-20 08:31:11.576 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: and would he not be a good gift for our baby -Output Transcription: and would he not be a good gift for baby -2021-09-20 08:31:11.577 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.090909 -2021-09-20 08:31:11.578 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: her eyes wandered to the maid's hands -Output Transcription: her eyes wandered to the maid's hand -2021-09-20 08:31:11.579 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.142857 -2021-09-20 08:31:11.579 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the letter ran as follows -Output Transcription: the letter ran as follows -2021-09-20 08:31:11.579 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:31:11.579 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the call is not to be taken lightly -Output Transcription: the call is not to be taken lightly -2021-09-20 08:31:11.580 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:31:11.580 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: chapter seven on the races of man -Output Transcription: chapter seven on the races of man -2021-09-20 08:31:11.580 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:31:11.580 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i've seen lots of that kind in my day -Output Transcription: i've seen lots of that kind in my day -2021-09-20 08:31:11.581 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:31:11.581 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: my position was too terrible -Output Transcription: my position was too terrible -2021-09-20 08:31:11.581 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:31:11.581 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: my men pounded the table with their fists -Output Transcription: my men pounded the table with their fists -2021-09-20 08:31:11.582 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:31:11.582 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: and then what happens then -Output Transcription: and then what happens the -2021-09-20 08:31:11.582 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.200000 -2021-09-20 08:31:11.583 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: you propose to kidnap me i said -Output Transcription: you propose to kidnap me i said -2021-09-20 08:31:11.583 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:31:11.583 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: during his watch i slept -Output Transcription: during his watch i slept -2021-09-20 08:31:11.583 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:31:11.584 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: rest and be still until i warn you -Output Transcription: rest and be still until i warn you -2021-09-20 08:31:11.584 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:31:11.585 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: and you never used to be cross to me -Output Transcription: and he never used to be cross to me -2021-09-20 08:31:11.586 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.111111 -2021-09-20 08:31:11.586 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: ay and show you some pretty tricks -Output Transcription: i and show you some pretty tricks -2021-09-20 08:31:11.587 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.142857 -2021-09-20 08:31:11.587 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: were i but already on the cart -Output Transcription: were i but already on the cart -2021-09-20 08:31:11.587 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:31:11.587 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: when he finished she said cheerfully -Output Transcription: when he finished she said cheerfully -2021-09-20 08:31:11.588 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:31:11.588 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i say i've been wondering about this business -Output Transcription: i say i've been wondering about this business -2021-09-20 08:31:11.588 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:31:11.589 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: you're foolish why should you do all this -Output Transcription: your foolish why should you do all this -2021-09-20 08:31:11.590 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.125000 -2021-09-20 08:31:11.590 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: then all our good times are over -Output Transcription: then all our good times are over -2021-09-20 08:31:11.590 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:31:11.590 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: sunday august sixteenth -Output Transcription: sunday august sixteen -2021-09-20 08:31:11.591 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.333333 -2021-09-20 08:31:11.591 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: now let's dust the furniture and pictures -Output Transcription: knowles dust the furniture and pictures -2021-09-20 08:31:11.592 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.285714 -2021-09-20 08:31:11.592 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: said lord chelford addressing me -Output Transcription: said lord chelford addressing me -2021-09-20 08:31:11.592 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:31:11.593 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: then he tossed it down and seized the next -Output Transcription: then he tossed it down and seized the next -2021-09-20 08:31:11.593 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:31:11.593 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: chapter one origin -Output Transcription: chapter one origin -2021-09-20 08:31:11.593 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:31:11.595 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: and he deserves a term in state's prison -Output Transcription: and he deserves determined states prison -2021-09-20 08:31:11.596 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.500000 -2021-09-20 08:31:11.596 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: your power is sufficient i said -Output Transcription: your power is sufficient i said -2021-09-20 08:31:11.597 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:31:11.597 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: a little attack of nerves possibly -Output Transcription: a little attack of nerves possibly -2021-09-20 08:31:11.598 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:31:11.600 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: did you look at these papers on the table -Output Transcription: did you look at the papers on the table -2021-09-20 08:31:11.601 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.111111 -2021-09-20 08:31:11.601 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: we suffer stifling pains -Output Transcription: we suffer stifling pains -2021-09-20 08:31:11.601 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:31:11.602 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: at your service sir -Output Transcription: at your service sir -2021-09-20 08:31:11.602 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:31:11.603 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: cries of a nottingham a nottingham -Output Transcription: cries of nottingham in nottingham -2021-09-20 08:31:11.604 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.333333 -2021-09-20 08:31:11.604 | INFO | deepspeech2x.model:test:372 - Error rate [wer] (224/?) = 0.099042 -2021-09-20 08:31:12.389 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: this evening they all said -Output Transcription: this evening they all said -2021-09-20 08:31:12.390 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:31:12.391 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: but it can't be protested the girl -Output Transcription: but it can't be protested the girl -2021-09-20 08:31:12.391 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:31:12.391 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: don't cry don't cry he whispered -Output Transcription: don't cry don't cry he whispered -2021-09-20 08:31:12.392 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:31:12.393 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: take him out thorkel and let him taste your sword -Output Transcription: take him out take and let him taste your sword -2021-09-20 08:31:12.394 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.100000 -2021-09-20 08:31:12.394 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: he's not a man for country quarters -Output Transcription: he's not a man for country quarters -2021-09-20 08:31:12.394 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:31:12.395 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the greeting of the apostle is refreshing -Output Transcription: the greeting of the apostles refreshing -2021-09-20 08:31:12.395 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.285714 -2021-09-20 08:31:12.395 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: have you been in paris much these late years -Output Transcription: have you been in paris much these late years -2021-09-20 08:31:12.396 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:31:12.396 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: if spoken to she would not speak again -Output Transcription: if spoken to she would not speak again -2021-09-20 08:31:12.396 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:31:12.396 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: he could examine the papers in his own office -Output Transcription: he could examine the papers in his own office -2021-09-20 08:31:12.397 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:31:12.397 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: slang makes one shudder -Output Transcription: slang makes one shudder -2021-09-20 08:31:12.397 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:31:12.398 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: she was so strange and human a creature -Output Transcription: she was so strange and human creature -2021-09-20 08:31:12.398 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.125000 -2021-09-20 08:31:12.399 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: we've tortured each other enough for tonight -Output Transcription: with tortured each other enough for tonight -2021-09-20 08:31:12.400 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.142857 -2021-09-20 08:31:12.400 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: we ate at many men's tables uninvited -Output Transcription: we ate it many men's tables uninvited -2021-09-20 08:31:12.401 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.142857 -2021-09-20 08:31:12.401 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: yes it is suppressed -Output Transcription: yes it is suppressed -2021-09-20 08:31:12.401 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:31:12.402 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: and what through the left hand window -Output Transcription: and what through the left hand window -2021-09-20 08:31:12.402 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:31:12.402 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: thee study medicine -Output Transcription: the study medicine -2021-09-20 08:31:12.403 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.333333 -2021-09-20 08:31:12.403 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: miss lake declined the carriage to night -Output Transcription: miss lake declined the carriage tonight -2021-09-20 08:31:12.404 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.285714 -2021-09-20 08:31:12.405 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: but who is this fellow plucking at your sleeve -Output Transcription: but who's this fellow pluck at steve -2021-09-20 08:31:12.405 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.555556 -2021-09-20 08:31:12.406 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: and yet what a fine gallant lad -Output Transcription: and yet what a fine gallant lad -2021-09-20 08:31:12.406 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:31:12.406 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: there was no man sir -Output Transcription: there was no man sir -2021-09-20 08:31:12.406 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:31:12.407 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: but you know more about that than i do sir -Output Transcription: but you know more about that than i do sir -2021-09-20 08:31:12.407 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:31:12.407 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the scene is absolutely arcadian -Output Transcription: the scene is absolutely arcadian -2021-09-20 08:31:12.407 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:31:12.408 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: comb the wool for the whittaws indeed -Output Transcription: come the wool for the widows indeed -2021-09-20 08:31:12.409 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.285714 -2021-09-20 08:31:12.409 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i'm not electioneering just now -Output Transcription: i'm not electioneering just now -2021-09-20 08:31:12.409 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:31:12.410 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: yes hilda i know that he said simply -Output Transcription: yes held i know that he said simply -2021-09-20 08:31:12.410 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.125000 -2021-09-20 08:31:12.412 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: she found the door but it was locked outside -Output Transcription: she found the door but it was locked outside -2021-09-20 08:31:12.412 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:31:12.412 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: sorry we haven't any reception room in the jail -Output Transcription: sorry we haven't any reception room in the jail -2021-09-20 08:31:12.413 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:31:12.413 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: what already here they said to her -Output Transcription: what already here they said to her -2021-09-20 08:31:12.413 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:31:12.415 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: what do you mean inquired louis -Output Transcription: what do you mean inquired louise -2021-09-20 08:31:12.415 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.166667 -2021-09-20 08:31:12.416 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: quite satisfied said eva -Output Transcription: quite satisfied said eva -2021-09-20 08:31:12.417 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:31:12.419 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: now mister soames at your disposal -Output Transcription: now mister sales at your disposal -2021-09-20 08:31:12.419 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.166667 -2021-09-20 08:31:12.421 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: he never loses sight of the purpose of his epistle -Output Transcription: he never loses sight of the purpose of his epistle -2021-09-20 08:31:12.421 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:31:12.422 | INFO | deepspeech2x.model:test:372 - Error rate [wer] (256/?) = 0.097015 -2021-09-20 08:31:13.224 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: no said the tree -Output Transcription: no said the tree -2021-09-20 08:31:13.226 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:31:13.226 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: it was in fact the best weapon of its day -Output Transcription: it was in fact the best weapon of its day -2021-09-20 08:31:13.226 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:31:13.227 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: hello bertie any good in your mind -Output Transcription: elbert and good in your mind -2021-09-20 08:31:13.228 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.428571 -2021-09-20 08:31:13.228 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: for a person to possess knowledge is not enough -Output Transcription: for a person to possess knowledge is not enough -2021-09-20 08:31:13.229 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:31:13.229 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: mohammed also speaks highly of christ -Output Transcription: mohammed also speaks highly of christ -2021-09-20 08:31:13.229 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:31:13.229 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: surely we can submit with good grace -Output Transcription: surely we can submit with good grace -2021-09-20 08:31:13.230 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:31:13.230 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: what in the world is that queried joyce -Output Transcription: where in the world is a query choice -2021-09-20 08:31:13.231 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.500000 -2021-09-20 08:31:13.231 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: by reason and affection -Output Transcription: by reason and affection -2021-09-20 08:31:13.232 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:31:13.232 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: it was almost the tone of hope everybody will stay -Output Transcription: it was almost the tone of hope everybody will stay -2021-09-20 08:31:13.232 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:31:13.232 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: it's almost beyond conjecture -Output Transcription: it's almost beyond conjecture -2021-09-20 08:31:13.233 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:31:13.233 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i asked for commander farragut -Output Transcription: i asked her commander fargo -2021-09-20 08:31:13.233 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.400000 -2021-09-20 08:31:13.234 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: asked the voice in scornful accents -Output Transcription: asked the voice in scornful accents -2021-09-20 08:31:13.234 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:31:13.234 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the history of the house is plain now -Output Transcription: the history of the house is plain now -2021-09-20 08:31:13.234 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:31:13.235 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: above were three students one on each story -Output Transcription: above or three students one on each story -2021-09-20 08:31:13.236 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.125000 -2021-09-20 08:31:13.236 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: she is wild to know how to do things -Output Transcription: she is wild to know how to do things -2021-09-20 08:31:13.236 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:31:13.237 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: he clasped his hands on the desk and said -Output Transcription: he clasped his hands on the desk and said -2021-09-20 08:31:13.237 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:31:13.237 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: oh i've no doubt it's in capital order -Output Transcription: oh i've no doubt it's in capital order -2021-09-20 08:31:13.238 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:31:13.238 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the waves rise above our heads -Output Transcription: the waves rise above our heads -2021-09-20 08:31:13.238 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:31:13.239 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: not all the galatians had become perverted -Output Transcription: not all the elections had become perverted -2021-09-20 08:31:13.239 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.142857 -2021-09-20 08:31:13.240 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: miss milner's health is not good -Output Transcription: miss milner's health is not good -2021-09-20 08:31:13.240 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:31:13.240 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: to their sorrow they were soon undeceived -Output Transcription: to their sorrow they were soon and deceived -2021-09-20 08:31:13.241 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.285714 -2021-09-20 08:31:13.241 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: beware of making that mistake -Output Transcription: beware of making that mistake -2021-09-20 08:31:13.242 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:31:13.242 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i wonder if i've been changed in the night -Output Transcription: i wonder i've been changed in the night -2021-09-20 08:31:13.243 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.111111 -2021-09-20 08:31:13.243 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: this decision was communicated to the girls -Output Transcription: this decision was communicated to the girls -2021-09-20 08:31:13.244 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:31:13.244 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: make acquaintance with mister jago sit together -Output Transcription: make acquaintance with miss iago sit together -2021-09-20 08:31:13.245 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.285714 -2021-09-20 08:31:13.246 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: but i mean to have my innings before long -Output Transcription: but i mean to have my innings before long -2021-09-20 08:31:13.246 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:31:13.247 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: it was myself i was defying hilda -Output Transcription: it was myself i was defying helder -2021-09-20 08:31:13.248 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.142857 -2021-09-20 08:31:13.248 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: and then there was broad street -Output Transcription: and then there was broad street -2021-09-20 08:31:13.249 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:31:13.250 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: may we see gates at once asked kenneth -Output Transcription: maybe see gates at once asked kenneth -2021-09-20 08:31:13.250 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.250000 -2021-09-20 08:31:13.251 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: why should one halt on the way -Output Transcription: why should one hold on the way -2021-09-20 08:31:13.253 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.142857 -2021-09-20 08:31:13.254 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: a route slightly less direct that's all -Output Transcription: a rate slightly less direct that's all -2021-09-20 08:31:13.254 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.142857 -2021-09-20 08:31:13.256 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the top floor belongs to miles mc laren -Output Transcription: the top floor belongs to miles mcclaren -2021-09-20 08:31:13.256 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.250000 -2021-09-20 08:31:13.257 | INFO | deepspeech2x.model:test:372 - Error rate [wer] (288/?) = 0.097532 -2021-09-20 08:31:14.050 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: how jolly it was being young hilda -Output Transcription: how jolly it was being young hilda -2021-09-20 08:31:14.051 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:31:14.052 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i think we did she answered demurely -Output Transcription: i think we did she answered to merely -2021-09-20 08:31:14.053 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.285714 -2021-09-20 08:31:14.053 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: no my little son she said -Output Transcription: no my little fun she said -2021-09-20 08:31:14.054 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.166667 -2021-09-20 08:31:14.054 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i was absent rather more than an hour -Output Transcription: i was absent rather more than an hour -2021-09-20 08:31:14.055 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:31:14.055 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: all the furniture belonged to other times -Output Transcription: all the furniture belonged to other times -2021-09-20 08:31:14.055 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:31:14.056 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: we have a commander who's game for anything -Output Transcription: we have a commander whose game for anything -2021-09-20 08:31:14.057 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.125000 -2021-09-20 08:31:14.057 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i never had any family -Output Transcription: i never had any family -2021-09-20 08:31:14.057 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:31:14.057 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: it won't be much but i'm grateful to find a friend -Output Transcription: it won't be much but i'm grateful to find a friend -2021-09-20 08:31:14.058 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:31:14.058 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: why fades the lotus of the water -Output Transcription: why fades the lotus of the water -2021-09-20 08:31:14.058 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:31:14.058 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: he hung fire again a woman's -Output Transcription: he hung fire again a woman's -2021-09-20 08:31:14.058 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:31:14.059 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: she was here just now said the count -Output Transcription: she was here just now said the count -2021-09-20 08:31:14.059 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:31:14.060 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: they of course must all be altered -Output Transcription: they of course must all be author -2021-09-20 08:31:14.060 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.142857 -2021-09-20 08:31:14.061 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the thralls were bringing in a great pot of meat -Output Transcription: the thralls were ringing in a great pot of meat -2021-09-20 08:31:14.062 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.100000 -2021-09-20 08:31:14.063 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: for once in a way i proved a true prophet -Output Transcription: for once a way i proved a true profit -2021-09-20 08:31:14.064 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.200000 -2021-09-20 08:31:14.064 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: have you not met them anywhere -Output Transcription: have you not met them anywhere -2021-09-20 08:31:14.064 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:31:14.065 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: cried the ladies whose departure had been fixed -Output Transcription: cried the ladies whose departure had been fixed -2021-09-20 08:31:14.065 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:31:14.066 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: that time it pointed us into your father's ships -Output Transcription: that time it points into your father's ships -2021-09-20 08:31:14.066 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.222222 -2021-09-20 08:31:14.067 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: it will not be safe for you to stay here now -Output Transcription: it will not be safe for you to stay here now -2021-09-20 08:31:14.067 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:31:14.067 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: but his mother hugged him close -Output Transcription: but his mother hugged him close -2021-09-20 08:31:14.067 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:31:14.068 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: if mister soames saw them the game was up -Output Transcription: if mister holmes saw them the game was up -2021-09-20 08:31:14.069 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.111111 -2021-09-20 08:31:14.069 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: and she was very fond of you too aunt rachel -Output Transcription: and she was very fond of you too aunt rachel -2021-09-20 08:31:14.070 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:31:14.070 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i want to be doing something on my own account -Output Transcription: i want to be doing something on my own account -2021-09-20 08:31:14.070 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:31:14.071 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: he had his hand upon lake's shoulder -Output Transcription: he had his hand upon lakes shoulder -2021-09-20 08:31:14.071 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.142857 -2021-09-20 08:31:14.072 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: how came you to leave the key in the door -Output Transcription: how came you to leave the key in the door -2021-09-20 08:31:14.072 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:31:14.073 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: montfichet called out for robin to give him an arm -Output Transcription: montrachet called out for robin to give him an arm -2021-09-20 08:31:14.075 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.100000 -2021-09-20 08:31:14.075 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: ah the swamp the cruel swamp -Output Transcription: ah the swamp the cruel swamp -2021-09-20 08:31:14.075 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:31:14.077 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: there is nothing else that looks so jolly -Output Transcription: there's nothing else that looks so jolly -2021-09-20 08:31:14.078 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.250000 -2021-09-20 08:31:14.078 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: yes why not thought anders -Output Transcription: yes why not thought anders -2021-09-20 08:31:14.079 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:31:14.080 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: and these shall follow your thralls in the same way -Output Transcription: and these shall follow your thralls in the same way -2021-09-20 08:31:14.080 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:31:14.081 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: now what have you to say cynthia sprague -Output Transcription: now what have you to say cynthia bragg -2021-09-20 08:31:14.082 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.125000 -2021-09-20 08:31:14.082 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: a broken tip of lead was lying there also -Output Transcription: a broken tip of lead was lying there also -2021-09-20 08:31:14.083 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:31:14.084 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: she's going to put the ironing things away -Output Transcription: she's going to put the ironing things away -2021-09-20 08:31:14.084 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:31:14.085 | INFO | deepspeech2x.model:test:372 - Error rate [wer] (320/?) = 0.092905 -2021-09-20 08:31:14.941 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: so i set guards over every one in that house -Output Transcription: do i set guards over everyone in that house -2021-09-20 08:31:14.943 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.300000 -2021-09-20 08:31:14.943 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: what i say is altogether on your own account -Output Transcription: what i say is altogether on your own account -2021-09-20 08:31:14.943 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:31:14.944 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i never knew your equals for gallowsness -Output Transcription: i never knew your equals for gallows ness -2021-09-20 08:31:14.945 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.285714 -2021-09-20 08:31:14.945 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: mister popham laid down his brush -Output Transcription: mister popham laid down his brush -2021-09-20 08:31:14.945 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:31:14.946 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: lady larkspur starts suddenly and turns towards him -Output Transcription: lady large burster suddenly in transport him -2021-09-20 08:31:14.947 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.625000 -2021-09-20 08:31:14.947 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: was it not enough to say from god the father -Output Transcription: was it not enough to say from god the father -2021-09-20 08:31:14.947 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:31:14.947 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: is it better than anywhere else -Output Transcription: is it better than anywhere else -2021-09-20 08:31:14.948 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:31:14.948 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: she sent me the pages in question before she died -Output Transcription: she sent me the pages in question before she died -2021-09-20 08:31:14.948 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:31:14.948 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: ye may not see his worship now -Output Transcription: ye may not see his worship now -2021-09-20 08:31:14.949 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:31:14.949 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: he had broken into her courtyard -Output Transcription: he had broken into her courtyard -2021-09-20 08:31:14.949 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:31:14.949 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: to the best of my belief they were rolled up -Output Transcription: to the best of my belief they were rolled up -2021-09-20 08:31:14.950 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:31:14.950 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: look at that he held out his hand -Output Transcription: look at that he held out his hand -2021-09-20 08:31:14.950 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:31:14.950 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: he dropped a handful into her lap -Output Transcription: he dropped a handful into her lap -2021-09-20 08:31:14.951 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:31:14.951 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i shall call you esprit -Output Transcription: i shall call you a spree -2021-09-20 08:31:14.952 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.400000 -2021-09-20 08:31:14.953 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: then is the time to introduce a meal on the stage -Output Transcription: then is the time to introduce a melon the stage -2021-09-20 08:31:14.954 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.181818 -2021-09-20 08:31:14.954 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i've been ready to go anywhere for six months -Output Transcription: i'm ready to go anywhere for six months -2021-09-20 08:31:14.955 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.222222 -2021-09-20 08:31:14.955 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: she was tired of other things -Output Transcription: she was tired of other things -2021-09-20 08:31:14.956 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:31:14.956 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: in the meantime i had formed a new idea of her -Output Transcription: in the meantime i had formed a new idea of her -2021-09-20 08:31:14.956 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:31:14.957 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i never see lou's scythe over here -Output Transcription: i never see loose sighed over here -2021-09-20 08:31:14.957 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.285714 -2021-09-20 08:31:14.958 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: how may we obtain remission of our sins -Output Transcription: how may we obtain remission of our sins -2021-09-20 08:31:14.958 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:31:14.959 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i'm afraid i don't know much about the land of oz -Output Transcription: i'm afraid i don't know much about the land of us -2021-09-20 08:31:14.960 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.090909 -2021-09-20 08:31:14.960 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: alexander went over and opened the window for her -Output Transcription: alexander went over and opened the window for her -2021-09-20 08:31:14.961 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:31:14.961 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: you will take me on board count will you not -Output Transcription: you will take me on board count will you not -2021-09-20 08:31:14.961 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:31:14.961 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: may you drink heart's ease from it for many years -Output Transcription: may you drink heart's ease from it for many years -2021-09-20 08:31:14.962 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:31:14.962 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: now the object of this soliloquy is plain -Output Transcription: now the object of this soliloquy is plain -2021-09-20 08:31:14.964 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:31:14.964 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: o life of this our spring -Output Transcription: o life of this our spring -2021-09-20 08:31:14.964 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:31:14.965 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: gloves said the young man -Output Transcription: gloves said the young man -2021-09-20 08:31:14.966 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:31:14.966 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: some others too big cotton county -Output Transcription: some others too big cotton county -2021-09-20 08:31:14.966 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:31:14.967 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: each of us is lashed to some part of the raft -Output Transcription: each of us is lashed to some part of the raft -2021-09-20 08:31:14.967 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:31:14.968 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: now she put her hand on his arm and smiled and said -Output Transcription: now she put her hand on his arm and smiled and said -2021-09-20 08:31:14.969 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:31:14.969 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: but i shall tell only one story -Output Transcription: but i shall tell only one story -2021-09-20 08:31:14.969 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:31:14.971 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: he's been wanting to marry hilda these three years and more -Output Transcription: he's been wanted to marry held of his three years and more -2021-09-20 08:31:14.973 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.363636 -2021-09-20 08:31:14.973 | INFO | deepspeech2x.model:test:372 - Error rate [wer] (352/?) = 0.092093 -2021-09-20 08:31:15.880 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: he took her roughly in his arms do you know what i mean -Output Transcription: he took a roughly in his arms you know what i mean -2021-09-20 08:31:15.882 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.153846 -2021-09-20 08:31:15.883 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: and god the father who raised him from the dead -Output Transcription: in god the father who raised him from the dead -2021-09-20 08:31:15.884 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.100000 -2021-09-20 08:31:15.884 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: beth uneasy at his silence nudged him -Output Transcription: beth uneasy at his silence nudged him -2021-09-20 08:31:15.885 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:31:15.885 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: sir march sixteenth -Output Transcription: sir march sixteenth -2021-09-20 08:31:15.885 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:31:15.886 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: who began the quarrel was it the mormons -Output Transcription: who began the quarrel was of the mormons -2021-09-20 08:31:15.887 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.125000 -2021-09-20 08:31:15.887 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: thus in chaucer's dream -Output Transcription: thus in chaucer's dream -2021-09-20 08:31:15.887 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:31:15.888 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: silence you knave cried montfichet -Output Transcription: silence you knave cried mountfitchet -2021-09-20 08:31:15.888 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.200000 -2021-09-20 08:31:15.888 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: it is the language of wretchedness -Output Transcription: it is the language of wretchedness -2021-09-20 08:31:15.889 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:31:15.889 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i remember saying have we been together -Output Transcription: i remembered saying have we been together -2021-09-20 08:31:15.890 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.142857 -2021-09-20 08:31:15.891 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: george montfichet will never forget this day -Output Transcription: george mountfitchet will never forget this day -2021-09-20 08:31:15.891 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.142857 -2021-09-20 08:31:15.892 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: captain servadac hastened towards him -Output Transcription: captain serva ac hastened toward him -2021-09-20 08:31:15.892 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.600000 -2021-09-20 08:31:15.893 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: but then the picture was gone as quickly as it came -Output Transcription: but then the picture was gone as quickly as it came -2021-09-20 08:31:15.893 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:31:15.893 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: meter roughly one yard three inches -Output Transcription: meter roughly one yard three inches -2021-09-20 08:31:15.893 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:31:15.894 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: they are all sketches made about the villa d'este you see -Output Transcription: they are all sketches made about the villages i you see -2021-09-20 08:31:15.896 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.181818 -2021-09-20 08:31:15.896 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: in those very terms i even added more -Output Transcription: in those very terms i even had it more -2021-09-20 08:31:15.897 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.250000 -2021-09-20 08:31:15.897 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: we'll deal with them later what -Output Transcription: we'll deal with them later what -2021-09-20 08:31:15.898 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:31:15.898 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: you have been so ill my poor rachel -Output Transcription: you have been so ill my poor rachel -2021-09-20 08:31:15.898 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:31:15.899 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: enter hamlet with his favourite boar hound -Output Transcription: enter hamlet with his favorite forehand -2021-09-20 08:31:15.899 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.428571 -2021-09-20 08:31:15.900 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: no one less than that would have a chance -Output Transcription: no one less than that would have a chance -2021-09-20 08:31:15.900 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:31:15.900 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the world was water veiled in mists -Output Transcription: the world was water veiled in mists -2021-09-20 08:31:15.900 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:31:15.901 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: at noon the violence of the storm redoubles -Output Transcription: at noon the violence of the storm redouble -2021-09-20 08:31:15.902 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.125000 -2021-09-20 08:31:15.902 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: they were so extremely curious -Output Transcription: they were so extremely curious -2021-09-20 08:31:15.902 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:31:15.902 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: he quitted the fire and dropped back into his chair -Output Transcription: he quitted the fire and dropped back into his chair -2021-09-20 08:31:15.903 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:31:15.903 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i thank him and take my leave -Output Transcription: i thank him and take my leave -2021-09-20 08:31:15.903 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:31:15.903 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: nothing more than you know yourself -Output Transcription: nothing more than you know yourself -2021-09-20 08:31:15.904 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:31:15.906 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: when i approached your room i examined the window -Output Transcription: when i approached your room i examine the window -2021-09-20 08:31:15.906 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.111111 -2021-09-20 08:31:15.907 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: perhaps i am mistaken answered she -Output Transcription: perhaps i am mistaken answered she -2021-09-20 08:31:15.908 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:31:15.908 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: it seems the king will not consent to it -Output Transcription: it seems the king will not consent to it -2021-09-20 08:31:15.908 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:31:15.909 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: these means cannot be contaminated -Output Transcription: these means cannot be contaminated -2021-09-20 08:31:15.910 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:31:15.910 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: a golden fortune and a happy life -Output Transcription: a golden fortune and a happy life -2021-09-20 08:31:15.911 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:31:15.912 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: please wait for me marie emil coaxed -Output Transcription: please wait for me marie amiel coax -2021-09-20 08:31:15.912 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.285714 -2021-09-20 08:31:15.914 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: it is unintelligible in the dark -Output Transcription: it is unintelligible in the dark -2021-09-20 08:31:15.914 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:31:15.915 | INFO | deepspeech2x.model:test:372 - Error rate [wer] (384/?) = 0.091907 -2021-09-20 08:31:16.788 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: truly this sea is of infinite width -Output Transcription: truly the sea is of infinite with -2021-09-20 08:31:16.789 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.285714 -2021-09-20 08:31:16.790 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: thank you but i don't like it so well as this -Output Transcription: thank you but i don't like it so well as this -2021-09-20 08:31:16.790 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:31:16.790 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: he pulled up a window as if the air were heavy -Output Transcription: he pulled up a window as if the air were heavy -2021-09-20 08:31:16.791 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:31:16.792 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i want to get away from it all swoons -Output Transcription: i want to get away from it all swoon -2021-09-20 08:31:16.793 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.111111 -2021-09-20 08:31:16.793 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: why are we to be denied each other's society -Output Transcription: why are we to be denied each other's society -2021-09-20 08:31:16.793 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:31:16.794 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: he moved uneasily and his chair creaked -Output Transcription: he moved uneasily in his chair creaked -2021-09-20 08:31:16.795 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.142857 -2021-09-20 08:31:16.795 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: another circumstance was most remarkable -Output Transcription: another circumstance was most remarkable -2021-09-20 08:31:16.795 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:31:16.795 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: she had another weight on her mind this christmas -Output Transcription: she had another weight on her mind this christmas -2021-09-20 08:31:16.796 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:31:16.796 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: is there not a meridian everywhere -Output Transcription: is there not a meridian everywhere -2021-09-20 08:31:16.796 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:31:16.796 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: that is true badauderie -Output Transcription: that is true bad diedre -2021-09-20 08:31:16.797 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.500000 -2021-09-20 08:31:16.798 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: and the death of which i dreamt could not alas -Output Transcription: and the death of which i drank could not alas -2021-09-20 08:31:16.799 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.100000 -2021-09-20 08:31:16.800 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: oh sir don't mention it said missus poyser -Output Transcription: sir don't mention it said miss poyser -2021-09-20 08:31:16.800 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.250000 -2021-09-20 08:31:16.801 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: it must remember be one or the other -Output Transcription: it must remember be one or the other -2021-09-20 08:31:16.801 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:31:16.801 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the world brands this a pernicious doctrine -Output Transcription: the world brands this pernicious doctrine -2021-09-20 08:31:16.802 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.142857 -2021-09-20 08:31:16.802 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: and henry might return to england at any moment -Output Transcription: and henry might return to england at any moment -2021-09-20 08:31:16.802 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:31:16.803 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: but anders cared nothing about that -Output Transcription: but anders cared nothing about that -2021-09-20 08:31:16.803 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:31:16.803 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: of starting i didn't know the way to come -Output Transcription: of starting i didn't know the way to come -2021-09-20 08:31:16.803 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:31:16.804 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: goliath makes another discovery -Output Transcription: goliath makes another discovery -2021-09-20 08:31:16.804 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:31:16.805 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: come come i am getting really tired of your absence -Output Transcription: come come i'm getting really tired of your absence -2021-09-20 08:31:16.806 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.200000 -2021-09-20 08:31:16.806 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: you'll never dig it out of the astor library -Output Transcription: you'll never dig it out of the master library -2021-09-20 08:31:16.807 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.111111 -2021-09-20 08:31:16.808 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: now that too is over -Output Transcription: now that too is over -2021-09-20 08:31:16.808 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:31:16.808 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: might learn something useful down there -Output Transcription: might learn something useful down there -2021-09-20 08:31:16.808 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:31:16.809 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i can perceive love clearly enough -Output Transcription: i can perceive love clearly enough -2021-09-20 08:31:16.809 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:31:16.809 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: there's a whale a whale cried the professor -Output Transcription: there is a whale a well cried the professor -2021-09-20 08:31:16.810 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.375000 -2021-09-20 08:31:16.811 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the roarings become lost in the distance -Output Transcription: the rings become lost in the distance -2021-09-20 08:31:16.811 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.142857 -2021-09-20 08:31:16.812 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: mother i'm going to study medicine -Output Transcription: mother i am going to study medicine -2021-09-20 08:31:16.813 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.333333 -2021-09-20 08:31:16.814 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: dismiss your squire robin and bid me good e e n -Output Transcription: dismiss your squire robin and bid me could even -2021-09-20 08:31:16.816 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.363636 -2021-09-20 08:31:16.816 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: surely you are not thinking of going off there -Output Transcription: surely you are not thinking of going on there -2021-09-20 08:31:16.817 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.111111 -2021-09-20 08:31:16.819 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: how it will shine this evening -Output Transcription: how it will shine this evening -2021-09-20 08:31:16.819 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:31:16.819 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: when do you intend that the john bright shall start -Output Transcription: when do you intend that the john bright shall start -2021-09-20 08:31:16.820 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:31:16.821 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i understand bartley i was wrong -Output Transcription: i understand partly i was wrong -2021-09-20 08:31:16.821 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.166667 -2021-09-20 08:31:16.822 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: it would serve you all right if she walked off with carl -Output Transcription: it would serve you all right if she walked off with carl -2021-09-20 08:31:16.822 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:31:16.823 | INFO | deepspeech2x.model:test:372 - Error rate [wer] (416/?) = 0.092654 -2021-09-20 08:31:19.624 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: tuesday august eighteenth -Output Transcription: tuesday august eighteen -2021-09-20 08:31:19.625 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.333333 -2021-09-20 08:31:19.626 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: oh i know that's lorne brandon -Output Transcription: oh i know that's born brandon -2021-09-20 08:31:19.626 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.166667 -2021-09-20 08:31:19.627 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: whose name did you sign to the check asked kenneth -Output Transcription: whose name did you sign to the check asked kenneth -2021-09-20 08:31:19.627 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:31:19.627 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the horizon seems extremely distant -Output Transcription: the horizon seems extremely distant -2021-09-20 08:31:19.627 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:31:19.628 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: that will be a queer thing to be sure -Output Transcription: that will be a queer thing to be sure -2021-09-20 08:31:19.628 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:31:19.628 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: are you certain that this is the mediterranean -Output Transcription: are you certain that this is the mediterranean -2021-09-20 08:31:19.628 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:31:19.629 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: here they said is a rascal who has been harrying our coasts -Output Transcription: here they said is a rascal who has been harrying our coasts -2021-09-20 08:31:19.629 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:31:19.629 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: thank you he returned shortly -Output Transcription: thank you he returned shortly -2021-09-20 08:31:19.629 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:31:19.630 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: my men laughed yes a stingy host -Output Transcription: by men laughed yes a stingy host -2021-09-20 08:31:19.631 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.142857 -2021-09-20 08:31:19.631 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: we sunk his ship and men but him we brought to you -Output Transcription: we sunk his ship and men but him we brought to you -2021-09-20 08:31:19.631 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:31:19.631 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i can't see it in that light said the old lawyer -Output Transcription: i can't see it in that light said the old lawyer -2021-09-20 08:31:19.632 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:31:19.632 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: my overwrought nerves yielded at last -Output Transcription: my overwrought nerves yielded at last -2021-09-20 08:31:19.632 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:31:19.632 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: keep away if you wish when have i ever followed you -Output Transcription: keep away if you wish when have i ever followed you -2021-09-20 08:31:19.633 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:31:19.633 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: he had got into her courtyard -Output Transcription: he had got into her courtyard -2021-09-20 08:31:19.633 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:31:19.634 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: why fade these children of the spring -Output Transcription: why fate these children of the spring -2021-09-20 08:31:19.634 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.142857 -2021-09-20 08:31:19.634 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i really don't think he knew much about it mister holmes -Output Transcription: i really don't think he knew much about it mister holmes -2021-09-20 08:31:19.635 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:31:19.636 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: isn't he the greatest for getting into odd corners -Output Transcription: is he the greatest for getting into odd corners -2021-09-20 08:31:19.636 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.111111 -2021-09-20 08:31:19.637 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: thinking of all this i went to sleep -Output Transcription: thinking of all this i went to sleep -2021-09-20 08:31:19.637 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:31:19.637 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: again again -Output Transcription: again again -2021-09-20 08:31:19.637 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:31:19.638 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: better go he had counselled sententiously -Output Transcription: better go he had counsel sententious ly -2021-09-20 08:31:19.638 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.500000 -2021-09-20 08:31:19.639 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the hope and dream of harvest was upon the land -Output Transcription: the hope and dream of harvest was upon the land -2021-09-20 08:31:19.639 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:31:19.639 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: come therefore and let us fling mud at them -Output Transcription: come therefore and let us fling mud at them -2021-09-20 08:31:19.639 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:31:19.640 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: those fellows are all very loyal even mainhall -Output Transcription: those fellows are all very loyal even main hall -2021-09-20 08:31:19.641 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.250000 -2021-09-20 08:31:19.641 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: hedge a fence -Output Transcription: hedge offense -2021-09-20 08:31:19.642 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.666667 -2021-09-20 08:31:19.642 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: he gazed about perplexed astonished -Output Transcription: he gazed about blacks astonished -2021-09-20 08:31:19.644 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.200000 -2021-09-20 08:31:19.644 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: their masters said missus neverbend -Output Transcription: their masters said missus never bend -2021-09-20 08:31:19.645 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.400000 -2021-09-20 08:31:19.645 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: and yesterday things went on just as usual -Output Transcription: and yesterday things went on just as usual -2021-09-20 08:31:19.646 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:31:19.646 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: we used to dispute about politics and religion -Output Transcription: we used to dispute about politics and religion -2021-09-20 08:31:19.647 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:31:19.648 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the flame is the enemy of the wing -Output Transcription: the flame is the enemy of the wing -2021-09-20 08:31:19.648 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:31:19.648 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i shall never get to twenty at that rate -Output Transcription: i shall never get to twenty at that rate -2021-09-20 08:31:19.648 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:31:19.650 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: come we'll have our coffee in the other room and you can smoke -Output Transcription: come we'll have her coffee the other room as you can smoke -2021-09-20 08:31:19.652 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.230769 -2021-09-20 08:31:19.653 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: alexander unclenched the two hands at his sides -Output Transcription: alexander clenched the two hands at his sides -2021-09-20 08:31:19.653 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.125000 -2021-09-20 08:31:19.655 | INFO | deepspeech2x.model:test:372 - Error rate [wer] (448/?) = 0.091309 -2021-09-20 08:31:21.638 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: said missus horton a few minutes after -Output Transcription: said miss wharton a few minutes after -2021-09-20 08:31:21.639 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.285714 -2021-09-20 08:31:21.640 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: yes my dear watson i have solved the mystery -Output Transcription: yes my dear watson i have solved the mystery -2021-09-20 08:31:21.640 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:31:21.640 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: tea please matthews butler impassively -Output Transcription: t please matthews butler impassively -2021-09-20 08:31:21.641 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.200000 -2021-09-20 08:31:21.642 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: he's another who's awfully keen about her let me introduce you -Output Transcription: he's another was awfully keen about her let me introduce you -2021-09-20 08:31:21.643 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.090909 -2021-09-20 08:31:21.644 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: beg me a room of the sheriff child quickly -Output Transcription: bag mea room of the sheriff child quickly -2021-09-20 08:31:21.645 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.333333 -2021-09-20 08:31:21.645 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: yet he will teach you a few tricks when morning is come -Output Transcription: yet he will teach you a few tricks when morning is come -2021-09-20 08:31:21.645 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:31:21.646 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: enquired robin with his suspicions still upon him -Output Transcription: inquired robin with his suspicions still upon him -2021-09-20 08:31:21.647 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.125000 -2021-09-20 08:31:21.647 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: we wish to talk with him answered kenneth talk -Output Transcription: we wish to talk with him answered kenneth talk -2021-09-20 08:31:21.647 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:31:21.647 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: but what is the delicate mission i asked -Output Transcription: but what is the delicate mission i asked -2021-09-20 08:31:21.648 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:31:21.648 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: we moderns however see the absurdity of it -Output Transcription: we moderns however see the absurdity of it -2021-09-20 08:31:21.648 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:31:21.648 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: a voice from beyond the world was calling -Output Transcription: a voice from beyond the world was calling -2021-09-20 08:31:21.649 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:31:21.650 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: who taught you to scrub a floor i should like to know -Output Transcription: who taught you describe a floor i should like to know -2021-09-20 08:31:21.651 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.166667 -2021-09-20 08:31:21.651 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: oh yes said jack and i'm nowhere -Output Transcription: oh yes said jack and i'm nowhere -2021-09-20 08:31:21.652 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:31:21.652 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: it truly is asserted the magician -Output Transcription: it truly is asserted the magician -2021-09-20 08:31:21.652 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:31:21.654 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i don't know all of them but i know lindens are -Output Transcription: i don't know all of them but i know the entire -2021-09-20 08:31:21.655 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.181818 -2021-09-20 08:31:21.656 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i shouldn't wonder if she could laugh about it with me now -Output Transcription: i shouldn't wonder if she could laugh about it with you now -2021-09-20 08:31:21.657 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.083333 -2021-09-20 08:31:21.657 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: hypocrite a horse dealer -Output Transcription: hypocrite a horse dealer -2021-09-20 08:31:21.658 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:31:21.658 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: yes but that's just the beauty of her passion -Output Transcription: yes but that's just the beauty of her passion -2021-09-20 08:31:21.658 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:31:21.658 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the orchard was sparkling and rippling in the sun -Output Transcription: the orchard was sparkling and rippling in the sun -2021-09-20 08:31:21.659 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:31:21.659 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: you will take them from my private treasure -Output Transcription: you will take them from my private treasure -2021-09-20 08:31:21.659 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:31:21.659 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: thus idleness is the mother -Output Transcription: thus idleness is the mother -2021-09-20 08:31:21.660 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:31:21.660 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: its curtains were of thick and faded tapestry -Output Transcription: its curtains were of thick and faded tapestry -2021-09-20 08:31:21.660 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:31:21.661 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: brother mac ardle brother keogh -Output Transcription: brother mccardle brother key of -2021-09-20 08:31:21.661 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.800000 -2021-09-20 08:31:21.661 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: then he looked down the lagoon was dry -Output Transcription: then he looked down the lagoon was dry -2021-09-20 08:31:21.662 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:31:21.662 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i am convinced of what i say said the count -Output Transcription: i am convinced of what i say said the count -2021-09-20 08:31:21.663 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:31:21.663 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: and what sort of evidence is logically possible -Output Transcription: and what sort of evidence is logically possible -2021-09-20 08:31:21.663 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:31:21.665 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i now use them as ornamental statuary in my garden -Output Transcription: i now use them as ornamental statuary in my garden -2021-09-20 08:31:21.665 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:31:21.666 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: they were certainly no nearer the solution of their problem -Output Transcription: they were certainly known near the solution of their problem -2021-09-20 08:31:21.667 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.200000 -2021-09-20 08:31:21.669 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: there is a more or less elaborate system of rank and grades -Output Transcription: there is a more or less elaborate system of ranking grates -2021-09-20 08:31:21.670 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.250000 -2021-09-20 08:31:21.671 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the years of the days of her dying were ten -Output Transcription: the years of the days of her dying were ten -2021-09-20 08:31:21.671 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:31:21.672 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: a robber viking said the king and scowled at me -Output Transcription: a robber viking said the king and he scowled at me -2021-09-20 08:31:21.675 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.100000 -2021-09-20 08:31:21.675 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: it has cost me twice sixty dollars in annoyance -Output Transcription: it has cost me twice sixty dollars in annoyance -2021-09-20 08:31:21.675 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:31:21.676 | INFO | deepspeech2x.model:test:372 - Error rate [wer] (480/?) = 0.090600 -2021-09-20 08:31:22.527 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: a terrible thought flashed into my mind -Output Transcription: a terrible thought flashed into my mind -2021-09-20 08:31:22.528 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:31:22.529 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the crampness and the poverty are all intended -Output Transcription: the greatness in the poverty are all intended -2021-09-20 08:31:22.530 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.250000 -2021-09-20 08:31:22.530 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: two hours afterwards a terrible shock awoke me -Output Transcription: two hours afterwards a terrible shock awoke me -2021-09-20 08:31:22.530 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:31:22.531 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: do you think so she replied with indifference -Output Transcription: do you think so she replied with indifference -2021-09-20 08:31:22.531 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:31:22.531 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: a further stage is recognition -Output Transcription: a further stage is recognition -2021-09-20 08:31:22.532 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:31:22.533 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i often heard her talk of you in the same sort of way -Output Transcription: i often heard her talk of you and the same sort of way -2021-09-20 08:31:22.535 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.076923 -2021-09-20 08:31:22.535 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: save me masters but you startled me rarely -Output Transcription: save me masters put you startled me rarely -2021-09-20 08:31:22.536 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.125000 -2021-09-20 08:31:22.537 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the raft bears on still to the south east -Output Transcription: the raft bears on still to the southeast -2021-09-20 08:31:22.537 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.222222 -2021-09-20 08:31:22.538 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: but i didn't know you've only to tell me now -Output Transcription: but i didn't know you've only to tell me now -2021-09-20 08:31:22.538 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:31:22.539 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: thirty men one after another raised their horns and said -Output Transcription: thirty men one after another raised their horns and said -2021-09-20 08:31:22.539 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:31:22.539 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the pity that we must come and go -Output Transcription: the pity that we must come and go -2021-09-20 08:31:22.540 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:31:22.540 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: a great saint saint francis xavier -Output Transcription: a great saint saint francis xavier -2021-09-20 08:31:22.540 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:31:22.541 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: gram roughly one twenty eighth of an ounce -Output Transcription: graham roughly one twenty eighth of an ounce -2021-09-20 08:31:22.542 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.125000 -2021-09-20 08:31:22.542 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: with one jump anders got out of his chair -Output Transcription: with one jump enders got out of his chair -2021-09-20 08:31:22.543 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.111111 -2021-09-20 08:31:22.544 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: where thee and thy family are known -Output Transcription: where thee and thy family are now -2021-09-20 08:31:22.544 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.142857 -2021-09-20 08:31:22.545 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: oh that made him so angry -Output Transcription: oh that made him so angry -2021-09-20 08:31:22.545 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:31:22.545 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: said she pointing to the playthings see -Output Transcription: said she pointing to the playthings see -2021-09-20 08:31:22.545 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:31:22.546 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: he was pacing swiftly up and down his room -Output Transcription: he was pacing swiftly up and down his room -2021-09-20 08:31:22.546 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:31:22.546 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: even dialect let that pass -Output Transcription: even dialect let that pass -2021-09-20 08:31:22.546 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:31:22.547 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: yet that task was not so easy as you may suppose -Output Transcription: yet that task was not so easy as you may suppose -2021-09-20 08:31:22.547 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:31:22.548 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: marie's face fell under his brooding gaze -Output Transcription: mary's face fell under his brooding gaze -2021-09-20 08:31:22.548 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.142857 -2021-09-20 08:31:22.549 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the clause seems superfluous on first sight -Output Transcription: the class seems superfluous on first sight -2021-09-20 08:31:22.549 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.142857 -2021-09-20 08:31:22.550 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: you are mate replied the sailor -Output Transcription: you are mate replied the sailor -2021-09-20 08:31:22.550 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:31:22.551 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: stuff it into you his belly counselled him -Output Transcription: stuffed into you his belly counseled him -2021-09-20 08:31:22.551 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.375000 -2021-09-20 08:31:22.552 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: anyhow it's jolly exciting and i can do the dialogue all right -Output Transcription: anyhow it jolly exciting and i can do the dialogue all right -2021-09-20 08:31:22.554 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.083333 -2021-09-20 08:31:22.555 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: mornin girls hope ye feel as well as ye look -Output Transcription: morning girls or evil as well as look -2021-09-20 08:31:22.556 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.500000 -2021-09-20 08:31:22.556 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: but why didn't you tell me when you were here in the summer -Output Transcription: but why didn't you tell me when you were here in the summer -2021-09-20 08:31:22.556 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:31:22.558 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: in despair he hurled himself downward too soon -Output Transcription: in despair he hurled himself downward too soon -2021-09-20 08:31:22.558 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:31:22.558 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the bogus legislature numbered thirty six members -Output Transcription: the bogus legislature numbered thirty six members -2021-09-20 08:31:22.559 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:31:22.560 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: he is supposed to sign all the checks of the concern -Output Transcription: he is supposed to sign all the checks of the concert -2021-09-20 08:31:22.561 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.090909 -2021-09-20 08:31:22.562 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i am afraid there are no signs here said he -Output Transcription: i am afraid there are no signs here said he -2021-09-20 08:31:22.563 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:31:22.563 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: some time you'll tell me please won't you -Output Transcription: sadam you dear me please won't you -2021-09-20 08:31:22.565 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.500000 -2021-09-20 08:31:22.566 | INFO | deepspeech2x.model:test:372 - Error rate [wer] (512/?) = 0.090779 -2021-09-20 08:31:23.448 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: if she could only see phronsie for just one moment -Output Transcription: if she could only see phones ie for just one moment -2021-09-20 08:31:23.450 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.200000 -2021-09-20 08:31:23.450 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: lamb wouldn't care a great deal about many of them i fancy -Output Transcription: lamb wouldn't care a great deal about many of them i fancy -2021-09-20 08:31:23.451 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:31:23.451 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: no sound broke the stillness of the night -Output Transcription: no sound broke the stillness of the night -2021-09-20 08:31:23.451 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:31:23.452 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: did master summon me he said entering -Output Transcription: dead master summon me he said entering -2021-09-20 08:31:23.452 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.142857 -2021-09-20 08:31:23.453 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: you do me a great honour -Output Transcription: you do me a great honour -2021-09-20 08:31:23.453 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:31:23.453 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: it's really too warm in this room to sing don't you feel it -Output Transcription: it's really too warm in this room to sing don't you feel it -2021-09-20 08:31:23.454 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:31:23.454 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: for a long time neither hilda nor bartley spoke -Output Transcription: for a long time neither hide nor bartley spoke -2021-09-20 08:31:23.455 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.111111 -2021-09-20 08:31:23.456 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: they couldn't run nor move they're just pasteboard -Output Transcription: they couldn't run or move they're just pace board -2021-09-20 08:31:23.457 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.375000 -2021-09-20 08:31:23.458 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: your father thought a moment then looked at your mother and smiled -Output Transcription: your father thought a moment and looked at her mother and smiled -2021-09-20 08:31:23.459 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.166667 -2021-09-20 08:31:23.460 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: bracton's a very good fellow i can assure you -Output Transcription: protons a very good fellow i can assure you -2021-09-20 08:31:23.461 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.111111 -2021-09-20 08:31:23.462 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i tell him to give me some coffee if it is good -Output Transcription: i don't give me some coffee if it is good -2021-09-20 08:31:23.463 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.250000 -2021-09-20 08:31:23.464 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: here friend take it and he thrust it into the farmer's hand -Output Transcription: her friend take it and thrust into the farmer's hand -2021-09-20 08:31:23.466 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.250000 -2021-09-20 08:31:23.466 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: onward said a distant voice -Output Transcription: onwer set a distant voice -2021-09-20 08:31:23.466 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.400000 -2021-09-20 08:31:23.467 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the princess inquired no -Output Transcription: the princess inquired no -2021-09-20 08:31:23.467 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:31:23.467 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: a house smells of smoke a ship smells of frolic -Output Transcription: a house smells of smoke a ship smells of frolic -2021-09-20 08:31:23.467 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:31:23.468 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: you will be frank with me i always am -Output Transcription: you will be frank with me i always am -2021-09-20 08:31:23.468 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:31:23.468 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: how you may be wondering are you to begin your masterpiece -Output Transcription: how you may be wondering are you to begin your masterpiece -2021-09-20 08:31:23.468 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:31:23.469 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: come come i called when no one obeyed a fire -Output Transcription: come come i called when no one obeyed a fire -2021-09-20 08:31:23.469 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:31:23.470 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: you can begin by carrying a rod and putting down the figures -Output Transcription: you can begin by carrying a rod and bring down the figures -2021-09-20 08:31:23.471 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.083333 -2021-09-20 08:31:23.472 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: how kind man is after all -Output Transcription: how kind man is after all -2021-09-20 08:31:23.472 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:31:23.472 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: as usual nothing was done in the way of punishment -Output Transcription: as usual nothing was done in the way of punishment -2021-09-20 08:31:23.472 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:31:23.473 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: a great saint saint francis xavier -Output Transcription: a great saint saint francis savior -2021-09-20 08:31:23.473 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.166667 -2021-09-20 08:31:23.474 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: one could hardly hope for any upon so dry a day -Output Transcription: one could hardly hope for any upon so dry day -2021-09-20 08:31:23.475 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.090909 -2021-09-20 08:31:23.476 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: they remain divine regardless of men's opinion -Output Transcription: they remained divine regardless of man's opinion -2021-09-20 08:31:23.477 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.285714 -2021-09-20 08:31:23.477 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: in truth she seemed absolutely hidden behind it -Output Transcription: in truth she seemed absolutely hidden behind it -2021-09-20 08:31:23.478 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:31:23.478 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i think so you have formed a conclusion -Output Transcription: i think so you have formed a conclusion -2021-09-20 08:31:23.479 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:31:23.480 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: larkspur bit me again this morning for the third time -Output Transcription: larkspur bit me again this morning for the third time -2021-09-20 08:31:23.480 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:31:23.481 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: aren't you splashed look at the spider webs all over the grass -Output Transcription: artist splashed look at a spider webs all over the grass -2021-09-20 08:31:23.483 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.250000 -2021-09-20 08:31:23.484 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: at dinner lake was easy and amusing -Output Transcription: at dinner lake was easy and amusing -2021-09-20 08:31:23.484 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:31:23.485 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: it is a very stupid story -Output Transcription: it is a very stupid story -2021-09-20 08:31:23.485 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:31:23.486 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: does thee think thee could stand it six months -Output Transcription: does the think they could stand it six months -2021-09-20 08:31:23.488 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.222222 -2021-09-20 08:31:23.488 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: yes sire and ready dressed for the ballet -Output Transcription: yes sir and ready dressed for the ballet -2021-09-20 08:31:23.489 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.125000 -2021-09-20 08:31:23.490 | INFO | deepspeech2x.model:test:372 - Error rate [wer] (544/?) = 0.091557 -2021-09-20 08:31:24.456 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: no sir certainly not -Output Transcription: no sir certainly not -2021-09-20 08:31:24.456 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:31:24.457 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: but the essence of luther's lectures is there -Output Transcription: but the essence of luther's lectures is there -2021-09-20 08:31:24.457 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:31:24.458 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: there stand so i said and glare and hiss at my foes -Output Transcription: there stand so i said in glare and his of my foes -2021-09-20 08:31:24.460 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.250000 -2021-09-20 08:31:24.460 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i doubt whether branwell was maintaining himself at this time -Output Transcription: i doubt whether branwell was maintaining himself at this time -2021-09-20 08:31:24.460 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:31:24.461 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: he started at the thought he hurried forth sadly -Output Transcription: he started at the thought he hurried forth sadly -2021-09-20 08:31:24.461 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:31:24.461 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: what is slang properly speaking -Output Transcription: what is slang properly speaking -2021-09-20 08:31:24.461 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:31:24.463 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: it was one of the masterly and charming stories of dumas the elder -Output Transcription: it was one of the masterly and charming stories of dama the elder -2021-09-20 08:31:24.464 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.076923 -2021-09-20 08:31:24.465 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: voltaire picked up something from the ground and looked at it -Output Transcription: old chair picked up something from the ground and looked at it -2021-09-20 08:31:24.467 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.181818 -2021-09-20 08:31:24.467 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: then lord tuppeny well what about auction -Output Transcription: then lord duany well what about auction -2021-09-20 08:31:24.468 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.142857 -2021-09-20 08:31:24.468 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i almost think i can remember feeling a little different -Output Transcription: i almost think i can remember feeling a little different -2021-09-20 08:31:24.468 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:31:24.470 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: now what was the sense of it two innocent babies like that -Output Transcription: now what is the sense of it to innocent babies like that -2021-09-20 08:31:24.471 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.166667 -2021-09-20 08:31:24.471 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: millimeter roughly one twenty fifth of an inch -Output Transcription: millimeter roughly one twenty fifth of an inch -2021-09-20 08:31:24.471 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:31:24.472 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: words was it their colours -Output Transcription: words was it their colors -2021-09-20 08:31:24.472 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.200000 -2021-09-20 08:31:24.474 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: for if he's anywhere on the farm we can send for him in a minute -Output Transcription: for if it's anywhere on the farm we can send for him in a minute -2021-09-20 08:31:24.476 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.066667 -2021-09-20 08:31:24.477 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: she saves her hand too she's at her best in the second act -Output Transcription: she saves her hand to she said her best of the second act -2021-09-20 08:31:24.479 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.307692 -2021-09-20 08:31:24.479 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: do you remember that first walk we took together in paris -Output Transcription: do you remember that first walk we took together in paris -2021-09-20 08:31:24.479 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:31:24.480 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: tis late and i go myself within a short space -Output Transcription: this late and i go myself within a short space -2021-09-20 08:31:24.481 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.100000 -2021-09-20 08:31:24.481 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: presently he crossed the floor of his room with decided step -Output Transcription: presently he crossed the floor of his room with decided step -2021-09-20 08:31:24.482 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:31:24.482 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: do you suppose the miniature was a copy of the same thing -Output Transcription: do you suppose the miniature was a copy of the same thing -2021-09-20 08:31:24.482 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:31:24.483 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: up in the sick room zora lay on the little white bed -Output Transcription: up in the sick room or lay on the little white bed -2021-09-20 08:31:24.485 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.083333 -2021-09-20 08:31:24.485 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: but even the unsuccessful dramatist has his moments -Output Transcription: but even the unsuccessful dramatist has his moments -2021-09-20 08:31:24.485 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:31:24.486 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the most they could claim is that they were sent by others -Output Transcription: the most they could claim is that they were simply others -2021-09-20 08:31:24.488 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.166667 -2021-09-20 08:31:24.488 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i did not then realize the importance of the ministry -Output Transcription: i did not then realize the importance of the ministry -2021-09-20 08:31:24.488 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:31:24.488 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: embrace him and forget about the nature of god -Output Transcription: embrace him and forget about the nature of god -2021-09-20 08:31:24.489 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:31:24.490 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: truly such a horse should be worth much in nottingham fair -Output Transcription: truly such a horse would be worth much and nottingham fair -2021-09-20 08:31:24.491 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.181818 -2021-09-20 08:31:24.492 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: what would become of your gun were i to kidnap you -Output Transcription: what would become with your gun were i to colnago -2021-09-20 08:31:24.493 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.272727 -2021-09-20 08:31:24.495 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: but you believe in some education asked mary taylor -Output Transcription: do you believe in some education asked mary taylor -2021-09-20 08:31:24.496 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.111111 -2021-09-20 08:31:24.496 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: those clouds seem as if they were going to crush the sea -Output Transcription: those clouds seem as if they were going to crush the sea -2021-09-20 08:31:24.497 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:31:24.497 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: soon the whole bridge was trembling and resounding -Output Transcription: soon the whole bridge was trembling and resounding -2021-09-20 08:31:24.497 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:31:24.498 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: image of weakness art thou but a worm -Output Transcription: image of weakness art thou but a worm -2021-09-20 08:31:24.498 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:31:24.498 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: he had the faith in him that moves mountains -Output Transcription: he had the faith in him that moves mountains -2021-09-20 08:31:24.499 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:31:24.499 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: oh i would not venture to say sir -Output Transcription: oh i would not venture to say sir -2021-09-20 08:31:24.500 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:31:24.500 | INFO | deepspeech2x.model:test:372 - Error rate [wer] (576/?) = 0.090665 -2021-09-20 08:31:25.558 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: this was at the march election eighteen fifty five -Output Transcription: this was at the march election eighteen fifty five -2021-09-20 08:31:25.559 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:31:25.561 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: in the stern i curved the tail up almost as high as the head -Output Transcription: in the stern i carved the tail up almost as high as the head -2021-09-20 08:31:25.562 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.071429 -2021-09-20 08:31:25.563 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: this is no sinful pride it is holy pride -Output Transcription: this is no sinful pride in his holy pride -2021-09-20 08:31:25.564 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.222222 -2021-09-20 08:31:25.564 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: one might be with less reason than now -Output Transcription: one might be with less reason than now -2021-09-20 08:31:25.565 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:31:25.565 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: he impressed me as being a perfectly honest man -Output Transcription: he impressed me as being a perfectly honest man -2021-09-20 08:31:25.565 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:31:25.565 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the rest of you off a viking he had three ships -Output Transcription: the rest of you off a viking he had three ships -2021-09-20 08:31:25.566 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:31:25.566 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: and he added something still less complimentary -Output Transcription: and he added something still less complimentary -2021-09-20 08:31:25.566 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:31:25.566 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i did not even take the precaution of smoking up the chimney -Output Transcription: i did not even take the precaution of smoking up the chimney -2021-09-20 08:31:25.567 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:31:25.567 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i am so very tired of being all alone here -Output Transcription: i am so very tired of being all alone here -2021-09-20 08:31:25.567 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:31:25.567 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: pray follow us with mine and my lord sheriff's men -Output Transcription: pray follow us with mine and my lord sheriff's men -2021-09-20 08:31:25.568 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:31:25.568 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: mister soames was somewhat overwhelmed by this flood of information -Output Transcription: mister psalms was somewhat overwhelmed by this flood of information -2021-09-20 08:31:25.569 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.100000 -2021-09-20 08:31:25.570 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: perhaps she too might be there waiting weeping -Output Transcription: perhaps she too might be there waiting weeping -2021-09-20 08:31:25.570 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:31:25.572 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: it was so dark that i could see nothing but a few sparks on the hearth -Output Transcription: he was so dark that i could see nothing but a few sparks on the hearth -2021-09-20 08:31:25.574 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.062500 -2021-09-20 08:31:25.574 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: run back uncas and bring me the size of the singer's foot -Output Transcription: run back uncas and bring me the size of the singer's foot -2021-09-20 08:31:25.575 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:31:25.575 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: however the grace and peace of god will -Output Transcription: however the grace and peace of god will -2021-09-20 08:31:25.575 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:31:25.576 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: in this monotonous life of mine that was a pleasant event -Output Transcription: in this monotonous life in mind that was a pleasant event -2021-09-20 08:31:25.577 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.181818 -2021-09-20 08:31:25.578 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: mainhall liked alexander because he was an engineer -Output Transcription: may hold like alexander because he was an engineer -2021-09-20 08:31:25.579 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.375000 -2021-09-20 08:31:25.580 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the squire helped to thrust them all in and entered swiftly himself -Output Transcription: the squire helped to thrust them all land and entered swiftly himself -2021-09-20 08:31:25.581 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.083333 -2021-09-20 08:31:25.582 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: up and down the water we went to get much wealth and much frolic -Output Transcription: up and down the water we went to get much wealth and much frolic -2021-09-20 08:31:25.582 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:31:25.582 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: concord returned to its place amidst the tents -Output Transcription: concord returned to its place amidst the tents -2021-09-20 08:31:25.582 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:31:25.583 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: we'll be quite comfortable here i told conseil -Output Transcription: will be quite comfortable here i told conseil -2021-09-20 08:31:25.584 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.125000 -2021-09-20 08:31:25.584 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: men should not speculate about the nature of god -Output Transcription: men should not speculate about the nature of god -2021-09-20 08:31:25.584 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:31:25.585 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: they are cousins you know we are all cousins -Output Transcription: their cousins you know we are all cousins -2021-09-20 08:31:25.586 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.222222 -2021-09-20 08:31:25.586 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the examination however resulted in no discovery -Output Transcription: the examination however resulted in no discovery -2021-09-20 08:31:25.586 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:31:25.587 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: said mister irwine with his stately cordiality -Output Transcription: said mister irwin with his stately cordiality -2021-09-20 08:31:25.587 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.142857 -2021-09-20 08:31:25.590 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: there she sat on the rollers as fair a ship as i ever saw -Output Transcription: there she sat on the rollers as fair ship as i ever saw -2021-09-20 08:31:25.591 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.071429 -2021-09-20 08:31:25.592 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: only that one answered the tree -Output Transcription: only that one answered the tree -2021-09-20 08:31:25.592 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:31:25.592 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: missus griffin however expressed the need for a little more light -Output Transcription: missus griffin however expressed the need for a little more light -2021-09-20 08:31:25.593 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:31:25.594 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: missus neverbend you must indeed be proud of your son -Output Transcription: missus never been you must indeed be proud of your son -2021-09-20 08:31:25.595 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.200000 -2021-09-20 08:31:25.596 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: but i have occasionally done the same thing at other times -Output Transcription: but i have occasionally done the same thing at other times -2021-09-20 08:31:25.596 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:31:25.597 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: take your place and let us see what the crystal can show to you -Output Transcription: take your place and let us see what the crystal can show to you -2021-09-20 08:31:25.597 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:31:25.599 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: then you can ask him questions on the catechism dedalus -Output Transcription: then you can ask him questions on the catechism daedalus -2021-09-20 08:31:25.600 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.100000 -2021-09-20 08:31:25.600 | INFO | deepspeech2x.model:test:372 - Error rate [wer] (608/?) = 0.088362 -2021-09-20 08:31:26.619 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: this should go far in shutting the mouths of the false apostles -Output Transcription: this should go far and shutting the mouth of the false apostles -2021-09-20 08:31:26.621 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.166667 -2021-09-20 08:31:26.623 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i thought it might be sister kate or cousin mike would be happening along -Output Transcription: i thought it might be sister kater cousin mike would be happening along -2021-09-20 08:31:26.624 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.142857 -2021-09-20 08:31:26.625 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: that will be safest no no never -Output Transcription: that will be the safest no no never -2021-09-20 08:31:26.626 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.142857 -2021-09-20 08:31:26.627 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: worse tom worse n ever replied the jailer gloomily -Output Transcription: worst time worse an error replied the jailer gloomily -2021-09-20 08:31:26.628 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.444444 -2021-09-20 08:31:26.628 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: there was a grim smile of amusement on his shrewd face -Output Transcription: there was a grim smile of amusement on his shrewd face -2021-09-20 08:31:26.628 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:31:26.628 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: it is hardly necessary to say more of them here -Output Transcription: it is hardly necessary to say more of them here -2021-09-20 08:31:26.629 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:31:26.630 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: she had almost forgotten that it was here within touch and sight -Output Transcription: she had almost forgotten that it was here within touch in sight -2021-09-20 08:31:26.631 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.083333 -2021-09-20 08:31:26.631 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: sister nell do you hear these marvels -Output Transcription: sister nell do you hear these marvels -2021-09-20 08:31:26.632 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:31:26.632 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: nottingham castle was reached and admittance was demanded -Output Transcription: not a young castle was reached and admittance was demanded -2021-09-20 08:31:26.633 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.375000 -2021-09-20 08:31:26.634 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: she even seemed mildly amused at the attention she attracted -Output Transcription: she even seemed mildly amused at the attention she attracted -2021-09-20 08:31:26.634 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:31:26.636 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: she must care about the theatre a great deal more than she used to -Output Transcription: she must care about the theatre or a great deal more than she used to -2021-09-20 08:31:26.637 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.071429 -2021-09-20 08:31:26.639 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i had a notion it was you mate as saved me from the knife -Output Transcription: i had a notion it was you may desire me from the knife -2021-09-20 08:31:26.641 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.214286 -2021-09-20 08:31:26.641 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: effects of the increased use and disuse of parts -Output Transcription: effects of the increased use and disuse of parts -2021-09-20 08:31:26.641 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:31:26.642 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the wine did certainly bring back the color to the squire's cheeks -Output Transcription: the wind did certainly bring back the colour to the squire's cheeks -2021-09-20 08:31:26.643 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.166667 -2021-09-20 08:31:26.645 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: let us hear the suspicions i will look after the proofs -Output Transcription: let us see the suspicions i will look after the proofs -2021-09-20 08:31:26.646 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.090909 -2021-09-20 08:31:26.647 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: but not more than what's in the bible aunt said dinah -Output Transcription: but not more than was in the bible and said dinah -2021-09-20 08:31:26.648 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.181818 -2021-09-20 08:31:26.648 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: yes yes she hurried pulling her hand gently away from him -Output Transcription: yes yes she hurried pulling her hand gently away from him -2021-09-20 08:31:26.649 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:31:26.649 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: hakon there shall be your constant companion friend farmer -Output Transcription: hawking there shall be your constant companion friend farmer -2021-09-20 08:31:26.650 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.111111 -2021-09-20 08:31:26.651 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: he wanted to begin at the top of the ladder -Output Transcription: he wanted to begin at the top of the latter -2021-09-20 08:31:26.652 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.100000 -2021-09-20 08:31:26.652 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i am going to the court ball answered anders -Output Transcription: i am going to the court ball answered anders -2021-09-20 08:31:26.653 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:31:26.653 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: oh won't she be savage if i've kept her waiting -Output Transcription: oh won't she be savage if i've kept her waiting -2021-09-20 08:31:26.653 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:31:26.653 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: he felt a tremor run through the slender yellow figure in front of him -Output Transcription: he felt a tremor run through the slender yellow figure in front of him -2021-09-20 08:31:26.654 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:31:26.654 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: who denies that of course it does -Output Transcription: who denies that of course it does -2021-09-20 08:31:26.654 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:31:26.654 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: cold is it my darling bless your sweet face -Output Transcription: cold is it my darling bless your sweet face -2021-09-20 08:31:26.655 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:31:26.655 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: your majesty's plan then in this affair is -Output Transcription: your majesty's plan then in this affair is -2021-09-20 08:31:26.655 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:31:26.657 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: give not so earnest a mind to these mummeries child -Output Transcription: give not so earnest mind to these memories child -2021-09-20 08:31:26.658 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.200000 -2021-09-20 08:31:26.658 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: chapter three as master wishes -Output Transcription: chapter three as master wishes -2021-09-20 08:31:26.659 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:31:26.659 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: remain i implore you the evening is most lovely -Output Transcription: remain i implore you the evening is most lovely -2021-09-20 08:31:26.659 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:31:26.660 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: but i do not think such an inference is warranted -Output Transcription: but i do not think such an inference is warranted -2021-09-20 08:31:26.660 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:31:26.660 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: suddenly he heard him at the very door there was no possible escape -Output Transcription: suddenly he heard him at the very door there was no possible escape -2021-09-20 08:31:26.661 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:31:26.662 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the word of our god shall stand forever -Output Transcription: the word of our god shall stand for ever -2021-09-20 08:31:26.663 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.250000 -2021-09-20 08:31:26.664 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: what could i do now but just lay myself down and die -Output Transcription: what could i do now but just lay myself down and die -2021-09-20 08:31:26.664 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:31:26.665 | INFO | deepspeech2x.model:test:372 - Error rate [wer] (640/?) = 0.088211 -2021-09-20 08:31:29.642 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: why a tongue impress'd with honey from every wind -Output Transcription: why a tongue impressed with honey from every wind -2021-09-20 08:31:29.644 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.111111 -2021-09-20 08:31:29.644 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: they were now playing with their dolls in the parlor -Output Transcription: they were now playing with their dolls in the parlor -2021-09-20 08:31:29.645 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:31:29.646 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i am very tired of swimming about here o mouse -Output Transcription: i am very tired of swimming about here o mouse' -2021-09-20 08:31:29.647 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.100000 -2021-09-20 08:31:29.647 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: familiarity is a feeling capable of degrees -Output Transcription: familiarity is a filling capable of degrees -2021-09-20 08:31:29.648 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.142857 -2021-09-20 08:31:29.649 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: pearl was a born outcast of the infantile world -Output Transcription: pearl was born outcast of the infantile world -2021-09-20 08:31:29.650 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.111111 -2021-09-20 08:31:29.651 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i'll do anything you wish me to bartley she said tremulously -Output Transcription: i'll do anything you wish me to partly she said tremulously -2021-09-20 08:31:29.653 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.090909 -2021-09-20 08:31:29.653 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: it is manifest that man is now subject to much variability -Output Transcription: it is manifest that man is now subject to much variability -2021-09-20 08:31:29.653 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:31:29.654 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: they followed the jailer along a succession of passages -Output Transcription: they followed the jailer along the succession of passages -2021-09-20 08:31:29.655 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.111111 -2021-09-20 08:31:29.657 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i get wet to my knees when i go down to pick cherries -Output Transcription: i get wet to my knees when i go down to pictures -2021-09-20 08:31:29.658 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.153846 -2021-09-20 08:31:29.658 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: well she was better though she had had a bad night -Output Transcription: well she was better though she had had a bad night -2021-09-20 08:31:29.659 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:31:29.659 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: but at this point in the rapids it was impossible for him to stay down -Output Transcription: but at this point in the rapids it was impossible for him to stay down -2021-09-20 08:31:29.659 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:31:29.659 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: ojo had never eaten such a fine meal in all his life -Output Transcription: ojo had never eaten such a fine meal in all his life -2021-09-20 08:31:29.660 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:31:29.660 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: when i was a young man i thought paul was making too much of his call -Output Transcription: when i was a young man i thought paul was making too much of his call -2021-09-20 08:31:29.660 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:31:29.662 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: two hundred warriors feasted in his hall and followed him to battle -Output Transcription: two hundred warriors feasted his hall and followed him to battle -2021-09-20 08:31:29.663 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.083333 -2021-09-20 08:31:29.663 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: is she not afraid that i will thwart her inclinations -Output Transcription: is she not afraid that i will thwart her inclinations -2021-09-20 08:31:29.664 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:31:29.664 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: in all the novel had a difficult gestation -Output Transcription: in all the novel had a difficult gestation -2021-09-20 08:31:29.664 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:31:29.665 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: but we're not er exactly welcomed -Output Transcription: but when not in exactly welcome -2021-09-20 08:31:29.665 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.500000 -2021-09-20 08:31:29.667 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: they think you're proud because you've been away to school or something -Output Transcription: they think your proud because you've been away to school or something -2021-09-20 08:31:29.668 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.083333 -2021-09-20 08:31:29.669 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: it's been on only two weeks and i've been half a dozen times already -Output Transcription: it's been on only two weeks and i've been half a dozen times already -2021-09-20 08:31:29.669 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:31:29.669 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: burn fire burn flicker flicker flame -Output Transcription: burn fire burn flicker flicker flame -2021-09-20 08:31:29.669 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:31:29.670 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: only there are two sorts of cloud and fire -Output Transcription: only there are two sorts of cloud and fire -2021-09-20 08:31:29.670 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:31:29.670 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: and you must be ojo the unlucky she added -Output Transcription: and you must be ojo the unlucky she added -2021-09-20 08:31:29.671 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:31:29.671 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: they seem to be we are lost but i am not sure -Output Transcription: they seem to be we are lost but i am not sure -2021-09-20 08:31:29.671 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:31:29.672 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: be not so foolish friend said fitzooth crossly -Output Transcription: be not so foolish friend said it tooth crossly -2021-09-20 08:31:29.673 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.250000 -2021-09-20 08:31:29.673 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i never knew of but one man who could ever please him -Output Transcription: i never knew of but one man who could ever please him -2021-09-20 08:31:29.674 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:31:29.674 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: there is no opening except the one pane said our learned guide -Output Transcription: there is no opening except the one pane said our learned guide -2021-09-20 08:31:29.675 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:31:29.676 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: and then they became vexed and would have snatched your purse from us -Output Transcription: and then they became vexed and would have snatched or purse from us -2021-09-20 08:31:29.678 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.076923 -2021-09-20 08:31:29.679 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: and they are all in for this examination yes -Output Transcription: and they are all in for this examination yes -2021-09-20 08:31:29.679 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:31:29.680 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: in every way they sought to undermine the authority of saint paul -Output Transcription: in every way they sought to undermine the authority of saint paul -2021-09-20 08:31:29.680 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:31:29.681 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: but we are careless we make light of sin -Output Transcription: but we are careless we make light of sin -2021-09-20 08:31:29.681 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:31:29.682 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: next came olive's turn to help in the ceremonies -Output Transcription: next came olives turn to help in the ceremonies -2021-09-20 08:31:29.683 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.111111 -2021-09-20 08:31:29.684 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i do not know i am dazed bewildered -Output Transcription: i do not know i am dazed bewildered -2021-09-20 08:31:29.684 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:31:29.685 | INFO | deepspeech2x.model:test:372 - Error rate [wer] (672/?) = 0.085776 -2021-09-20 08:31:32.067 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: therefore don't talk to me about views and prospects -Output Transcription: therefore don't talk to me about views and prospects -2021-09-20 08:31:32.068 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:31:32.068 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: alexander leaned forward and warmed his hands before the blaze -Output Transcription: alexander leaned forward and warmed his hands before the blaze -2021-09-20 08:31:32.069 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:31:32.069 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: no thanks i am glad to give you such easy happiness -Output Transcription: no thanks i am glad to give you such easy happiness -2021-09-20 08:31:32.069 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:31:32.069 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: and he leaned against the wall lost in reverie -Output Transcription: and he leaned against the wall lost in reverie -2021-09-20 08:31:32.070 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:31:32.070 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i'll try if i know all the things i used to know -Output Transcription: i'll try if i know all the things i used to know -2021-09-20 08:31:32.070 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:31:32.070 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: by the beard of odin i cried you have taken our joke like a man -Output Transcription: by the beard of odin i cried you have taken our joke like a man -2021-09-20 08:31:32.071 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:31:32.071 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the king seemed only pleased with every one present -Output Transcription: the king seemed only pleased with everyone present -2021-09-20 08:31:32.072 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.222222 -2021-09-20 08:31:32.073 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: one hardly likes to throw suspicion where there are no proofs -Output Transcription: one hardly like to throw suspicion where there are no proofs -2021-09-20 08:31:32.074 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.090909 -2021-09-20 08:31:32.075 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: mister edison was a leader far ahead of the time -Output Transcription: mister edison was a leader far ahead of the time -2021-09-20 08:31:32.075 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:31:32.075 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: we had meters in which there were two bottles of liquid -Output Transcription: we had meters in which there were two bottles of liquid -2021-09-20 08:31:32.076 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:31:32.076 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: he was unable to decide exactly what it should be -Output Transcription: he was unable to decide exactly which be -2021-09-20 08:31:32.077 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.300000 -2021-09-20 08:31:32.078 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: at last he came out of them and wiped his face vigorously -Output Transcription: at last he came out of them and wiped his face vigorously -2021-09-20 08:31:32.078 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:31:32.079 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: but the general distinction is not on that account to be overlooked -Output Transcription: but the general distinction is not met account to be overlooked -2021-09-20 08:31:32.080 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.166667 -2021-09-20 08:31:32.082 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: on a bench in a far corner were a dozen people huddled together -Output Transcription: on a bench in a far corner where a dozen people huddled together -2021-09-20 08:31:32.083 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.076923 -2021-09-20 08:31:32.083 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: or of the habits of our people it is quite impossible -Output Transcription: or of the habits of our people it is quite impossible -2021-09-20 08:31:32.084 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:31:32.084 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the lagoon had been level with the dykes a week ago and now -Output Transcription: the lagoon had been level with the dykes a week ago and now -2021-09-20 08:31:32.084 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:31:32.086 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i suppose it's the wet season will you have to cut them too -Output Transcription: i suppose it's the wet season will you have to cut them to -2021-09-20 08:31:32.087 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.076923 -2021-09-20 08:31:32.087 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: when she finished alexander shook himself out of a reverie -Output Transcription: when she finished alexander shook himself out of a reverie -2021-09-20 08:31:32.088 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:31:32.088 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: but a word further concerning the expedition in general -Output Transcription: but a word further concerning the expedition in general -2021-09-20 08:31:32.088 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:31:32.089 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: their eyes danced big thorleif stood up and stretched himself -Output Transcription: their eyes danced big torley stood up and stretched himself -2021-09-20 08:31:32.090 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.100000 -2021-09-20 08:31:32.091 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: some poems of solon were recited by the boys -Output Transcription: some poems of solemn grew recited by the boys -2021-09-20 08:31:32.092 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.222222 -2021-09-20 08:31:32.092 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: mother cried she i see you here look look -Output Transcription: mother cried she i see you here look look -2021-09-20 08:31:32.092 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:31:32.092 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i say sir harry the little girl's going famously to night isn't she -Output Transcription: i say sir harry the little girl's going famously to night isn't she -2021-09-20 08:31:32.093 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:31:32.093 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: at last all was quiet and black in the courtyard of gamewell -Output Transcription: at last all was quiet and black in the courtyard of gamewell -2021-09-20 08:31:32.093 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:31:32.093 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: what's the meaning of this thought the tree -Output Transcription: what's the meaning of this thought the tree -2021-09-20 08:31:32.094 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:31:32.095 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i attend to the household mending you know and care for the linen -Output Transcription: i attend to the household mending you know and care for the linen -2021-09-20 08:31:32.095 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:31:32.095 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: alexander groaned i meant to but somehow i couldn't -Output Transcription: alexander groaned i meant to but somehow i couldn't -2021-09-20 08:31:32.096 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:31:32.097 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: and mine is will stuteley shall we be comrades -Output Transcription: and mind is will stoutly shall we be comrades -2021-09-20 08:31:32.098 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.222222 -2021-09-20 08:31:32.099 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: indeed he persecuted the church of christ for a long time -Output Transcription: indeed he persecuted the church of christ for a long time -2021-09-20 08:31:32.099 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:31:32.099 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: and i declare it's too bad that it is -Output Transcription: and i declare it's too bad that it is -2021-09-20 08:31:32.100 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:31:32.101 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: rejoice in thy growth said the sunbeams -Output Transcription: rejoice in thy growth said the sunbeams -2021-09-20 08:31:32.101 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:31:32.101 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: after that it was easy to forget actually to forget -Output Transcription: after that it was easy to forget actually to forget -2021-09-20 08:31:32.102 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:31:32.102 | INFO | deepspeech2x.model:test:372 - Error rate [wer] (704/?) = 0.083180 -2021-09-20 08:31:33.590 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: and thee won't go why should i -Output Transcription: and they won't go why should i -2021-09-20 08:31:33.591 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.142857 -2021-09-20 08:31:33.592 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the head of the patchwork girl was the most curious part of her -Output Transcription: the head of the patchwork girl was the most curious part of her -2021-09-20 08:31:33.592 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:31:33.593 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: if for a whim you beggar yourself i cannot stay you -Output Transcription: if fur when you beggar yourself i cannot stay you -2021-09-20 08:31:33.594 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.272727 -2021-09-20 08:31:33.594 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: a sound of voices a flash of light -Output Transcription: a sound of voices a flash of light -2021-09-20 08:31:33.595 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:31:33.595 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: and i have no one ready to whom i can give up the archives of the government -Output Transcription: and i have no one ready to whom i can give up the archives of the government -2021-09-20 08:31:33.595 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:31:33.595 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i think i should be doing you a service to turn you out of such a place -Output Transcription: i think i should be doing you a service to turn you out of such a place -2021-09-20 08:31:33.596 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:31:33.597 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: done he ain't done a thing he'd oughter sence he was born -Output Transcription: down he ain't done a thing he orders since he was born -2021-09-20 08:31:33.598 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.333333 -2021-09-20 08:31:33.599 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: anyone in the room could get out yes sir -Output Transcription: anyone in the room could get out yes sir -2021-09-20 08:31:33.599 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:31:33.599 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: for some time after that i remembered nothing distinctly -Output Transcription: for some time after that i remembered nothing distinctly -2021-09-20 08:31:33.599 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:31:33.599 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: no i forgot all about the brains exclaimed the woman -Output Transcription: no i forgot all about the brains exclaimed the woman -2021-09-20 08:31:33.600 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:31:33.601 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the delawares are children of the tortoise and they outstrip the deer -Output Transcription: the delawares are children of the tortoise in the outstrip the deer -2021-09-20 08:31:33.602 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.166667 -2021-09-20 08:31:33.603 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: since when has malady banished medicine -Output Transcription: since when has malady vanished medicine -2021-09-20 08:31:33.603 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.166667 -2021-09-20 08:31:33.604 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: he knew the silver fleece his and zora's must be ruined -Output Transcription: he knew the silver flees his azores must be ruined -2021-09-20 08:31:33.605 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.272727 -2021-09-20 08:31:33.606 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: asked phronsie with her little face close to polly's own -Output Transcription: asked rosie with her little face closed upon his own -2021-09-20 08:31:33.607 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.400000 -2021-09-20 08:31:33.609 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: but under the circumstances i doubt if such an arrangement could be made -Output Transcription: but under the circumstances i doubt such an arrangement could be made -2021-09-20 08:31:33.610 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.076923 -2021-09-20 08:31:33.610 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: to this we reply in one word only -Output Transcription: to this we reply in one word only -2021-09-20 08:31:33.611 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:31:33.611 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: or hath he given us any gift -Output Transcription: or hath he given us any gift -2021-09-20 08:31:33.611 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:31:33.611 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: did not the dancing amuse you no -Output Transcription: did not the dancing amuse you no -2021-09-20 08:31:33.612 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:31:33.612 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: it would have been more wonderful had he spoken without a bidding -Output Transcription: it would have been more wonderful had he spoken without a bidding -2021-09-20 08:31:33.612 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:31:33.613 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: in the morning the servant and the housemaid came in -Output Transcription: in the morning the servants and the housemaid came in -2021-09-20 08:31:33.614 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.100000 -2021-09-20 08:31:33.615 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: it is this that is of interest to theory of knowledge -Output Transcription: it is this that is a interest to theory of knowledge -2021-09-20 08:31:33.616 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.090909 -2021-09-20 08:31:33.616 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: paul an apostle not of men et cetera -Output Transcription: paul an apostle not of men et cetera -2021-09-20 08:31:33.617 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:31:33.617 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: in this guise it becomes horrible -Output Transcription: in the skies it becomes horrible -2021-09-20 08:31:33.618 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.333333 -2021-09-20 08:31:33.619 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: also there was a stripling page who turned into a maid -Output Transcription: also there was a stripling page who turned into a mad -2021-09-20 08:31:33.620 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.090909 -2021-09-20 08:31:33.621 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: is he going to start a daily newspaper among the kick a poos -Output Transcription: is he going to start a daily newspaper among the kickapoo -2021-09-20 08:31:33.622 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.230769 -2021-09-20 08:31:33.623 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: heredity the cause of all our faults -Output Transcription: heredity the cause of all our faults -2021-09-20 08:31:33.623 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:31:33.624 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: and you belong to that small class who are happy -Output Transcription: and you belong to that small class who are happy -2021-09-20 08:31:33.624 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:31:33.626 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the man entered and took the papers sheet by sheet from the central table -Output Transcription: the man entered and took the papers sheet a sheet from the central table -2021-09-20 08:31:33.627 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.071429 -2021-09-20 08:31:33.629 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i have nothing to wear replied that demure person -Output Transcription: i have nothing to wear replied that the mere person -2021-09-20 08:31:33.630 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.222222 -2021-09-20 08:31:33.632 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: ambrose met me at the bottom of the stairs and showed me the way to the supper room -Output Transcription: ambrose met made the bottom of stairs and showed me the way to the supper room -2021-09-20 08:31:33.634 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.166667 -2021-09-20 08:31:33.635 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: he went here there and everywhere in perfect contentment -Output Transcription: he went here there and everywhere in perfect contentment -2021-09-20 08:31:33.635 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:31:33.637 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i shall be happy to take charge of them said sir ferdinando -Output Transcription: i shall be happy to take charge of them said sir fernando -2021-09-20 08:31:33.638 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.083333 -2021-09-20 08:31:33.639 | INFO | deepspeech2x.model:test:372 - Error rate [wer] (736/?) = 0.084216 -2021-09-20 08:31:34.759 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: but thou art not such a lover my beloved -Output Transcription: but thou art not such a lover my beloved -2021-09-20 08:31:34.760 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:31:34.761 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: straightway the hawk glided from his perch and darted after him -Output Transcription: straightway the hot glided from his perch and darted after him -2021-09-20 08:31:34.762 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.090909 -2021-09-20 08:31:34.763 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: don't worry sizzle dear it'll all come right pretty soon -Output Transcription: don't worryi sizzle dear it'll come ripe soon -2021-09-20 08:31:34.764 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.400000 -2021-09-20 08:31:34.765 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: one thinks one hears hydras talking -Output Transcription: one things one hears hydras talking -2021-09-20 08:31:34.765 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.166667 -2021-09-20 08:31:34.766 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the sight seers returned in high spirits from the city -Output Transcription: the sights years returned in high spirits from the city -2021-09-20 08:31:34.767 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.200000 -2021-09-20 08:31:34.769 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i took five great bracelets of gold from our treasure chest and gave them to him -Output Transcription: i took five great bracelets gold from our treasure chest and gave them to him -2021-09-20 08:31:34.771 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.062500 -2021-09-20 08:31:34.771 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the floor more than anything else showed the great age of the room -Output Transcription: the floor more than anything else showed the great age of the room -2021-09-20 08:31:34.772 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:31:34.772 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: in this whole epistle paul treats of the resurrection of christ -Output Transcription: in this whole epistle paul treats of the resurrection of christ -2021-09-20 08:31:34.772 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:31:34.773 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: my dragon's belly is never full and on board went the gold -Output Transcription: a dragon's belly is never full and on board went the gold -2021-09-20 08:31:34.775 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.083333 -2021-09-20 08:31:34.775 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: they said to the galatians you have no right to think highly of paul -Output Transcription: they said to the galatians you have no right to think highly of paul -2021-09-20 08:31:34.775 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:31:34.776 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: sir harry towne mister bartley alexander the american engineer -Output Transcription: sir harry town mister bartley alexander the american engineer -2021-09-20 08:31:34.777 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.111111 -2021-09-20 08:31:34.778 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: did you ever have such a lordly guest before i went on -Output Transcription: did you ever have such a lordly guessed before i went on -2021-09-20 08:31:34.779 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.083333 -2021-09-20 08:31:34.781 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: one of us always remains on board while the other is on shore -Output Transcription: one of us always remains on board while the others i'm sure -2021-09-20 08:31:34.782 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.307692 -2021-09-20 08:31:34.782 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: right willingly for between us we have won the battle answered robin -Output Transcription: right willingly for between us we have won the battle answered robin -2021-09-20 08:31:34.783 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:31:34.783 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: your play must be not merely a good play but a successful one -Output Transcription: your play must be not merely a good play but a successful one -2021-09-20 08:31:34.783 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:31:34.785 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: we think that by some little work or merit we can dismiss sin -Output Transcription: we think that by some little work or merit we can dismiss an -2021-09-20 08:31:34.786 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.076923 -2021-09-20 08:31:34.787 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: by the hammer of thor shouted grim here is no stingy coward -Output Transcription: by the hammer of thor shouted groom there is no stingy cower -2021-09-20 08:31:34.789 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.250000 -2021-09-20 08:31:34.790 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the ballet began the effect was more than beautiful -Output Transcription: the valley began the effect was more than beautiful -2021-09-20 08:31:34.790 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.111111 -2021-09-20 08:31:34.791 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: ojo examined this curious contrivance with wonder -Output Transcription: ojo examined this curious contrivance with wonder -2021-09-20 08:31:34.791 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:31:34.791 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: robin was glad when at length they were left to their own devices -Output Transcription: robin was glad when at length they were left to their own devices -2021-09-20 08:31:34.791 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:31:34.792 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: why bannister the servant what's his game in the matter -Output Transcription: why banister the servant what's his game in the matter -2021-09-20 08:31:34.793 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.100000 -2021-09-20 08:31:34.794 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: now you'll stay cried van say polly won't you -Output Transcription: now you'll stay cried man say polly won't you -2021-09-20 08:31:34.795 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.111111 -2021-09-20 08:31:34.795 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: don't insult me stanley by talking again as you did this morning -Output Transcription: don't insult me stanley by talking again as you did this morning -2021-09-20 08:31:34.796 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:31:34.796 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: robin entered the hut dragging the unwilling esquire after him -Output Transcription: robin entered the hut dragging the unwilling esquire after him -2021-09-20 08:31:34.796 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:31:34.796 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i shudder as i recall these monsters to my remembrance -Output Transcription: i shudder as i recall these monsters to my remembrance -2021-09-20 08:31:34.797 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:31:34.797 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: so choose for yourself to make a rush or tarry here -Output Transcription: so choose for yourself to make a rush or tarry here -2021-09-20 08:31:34.797 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:31:34.798 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: holmes held it out on his open palm in the glare of the electric light -Output Transcription: holmes held it out on his open palm in the glare of the electric light -2021-09-20 08:31:34.798 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:31:34.799 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: steam up and canvas spread the schooner started eastwards -Output Transcription: steam up in canvas spread the schooner started eastwards -2021-09-20 08:31:34.800 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.111111 -2021-09-20 08:31:34.801 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: it blazed up famously help help -Output Transcription: it blazed up famously help help -2021-09-20 08:31:34.801 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:31:34.801 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: but much of the novel's brooding power comes from captain nemo -Output Transcription: but much of the novel's brooding power comes from captain nemo -2021-09-20 08:31:34.802 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:31:34.803 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: hello stephanos here comes the dedalus -Output Transcription: hello stephanos here comes the daedalus -2021-09-20 08:31:34.803 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.166667 -2021-09-20 08:31:34.805 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the earth is not devoid of resemblance to a jail -Output Transcription: the earth is not devoid of resemblance to a hail -2021-09-20 08:31:34.806 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.100000 -2021-09-20 08:31:34.806 | INFO | deepspeech2x.model:test:372 - Error rate [wer] (768/?) = 0.083729 -2021-09-20 08:31:35.936 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: it's exciting to see everything growing so fast and to get the grass cut -Output Transcription: its exciting to see everything growing so fast and to get the grass cut -2021-09-20 08:31:35.938 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.071429 -2021-09-20 08:31:35.939 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: la valliere is quite a poetess said tonnay charente -Output Transcription: the vallee is quite a poetess said tony hart -2021-09-20 08:31:35.940 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.444444 -2021-09-20 08:31:35.940 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: on august twenty seventh eighteen thirty seven she writes -Output Transcription: on august twenty seventh eighteen thirty seven she writes -2021-09-20 08:31:35.941 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:31:35.941 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: cried the young ladies and they quickly put out the fire -Output Transcription: cried the young ladies and they quickly put out the fire -2021-09-20 08:31:35.941 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:31:35.941 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the rector did not ask for a catechism to hear the lesson from -Output Transcription: the rector did not ask for a catechism to hear the lesson from -2021-09-20 08:31:35.942 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:31:35.943 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: on the palm were three little pyramids of black doughy clay -Output Transcription: on the palm were three little pyramids of black dog clay -2021-09-20 08:31:35.944 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.090909 -2021-09-20 08:31:35.945 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: exclaimed servadac keeping his eye unmoved at his telescope -Output Transcription: exclaimed serva dac keeping his eye unmoved at his telescope -2021-09-20 08:31:35.946 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.222222 -2021-09-20 08:31:35.946 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: you haven't seen any of them no sir -Output Transcription: you haven't seen any of them no sir -2021-09-20 08:31:35.946 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:31:35.947 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: it's not particularly rare she said but some of it was my mother's -Output Transcription: it's not particularly rare she said but some of it was my mother's -2021-09-20 08:31:35.947 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:31:35.947 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the democratic committee figured out a way to do this -Output Transcription: the democratic committee figured out a way to do this -2021-09-20 08:31:35.947 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:31:35.948 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: heaven a good place to be raised to -Output Transcription: heaven a good place to be raised to -2021-09-20 08:31:35.948 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:31:35.948 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: but it was not the fir tree that they meant -Output Transcription: but it was not the fir tree that they meant -2021-09-20 08:31:35.948 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:31:35.950 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: it was better for him to think the girl unfeeling than to know the truth -Output Transcription: it was better for him to think the girl unfeeling at another truth -2021-09-20 08:31:35.952 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.266667 -2021-09-20 08:31:35.952 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i won't tremble to morrow thought the fir tree -Output Transcription: i won't tremble tomorrow thought the fir tree -2021-09-20 08:31:35.953 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.222222 -2021-09-20 08:31:35.955 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i pray for you but that's not the same as if you prayed yourself -Output Transcription: i pray for you but that's not the same as if you played yourself -2021-09-20 08:31:35.956 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.071429 -2021-09-20 08:31:35.958 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: from the blackness behind the light they heard a voice warrenton's -Output Transcription: from the blackness behind the light they heard a voice warrenton -2021-09-20 08:31:35.959 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.090909 -2021-09-20 08:31:35.959 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: husband the next thing to a wife -Output Transcription: husband the next thing to a wife -2021-09-20 08:31:35.959 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:31:35.959 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: she poured into the dish a quantity from each of these bottles -Output Transcription: she poured into the dish a quantity from each of these bottles -2021-09-20 08:31:35.960 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:31:35.961 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i have been here this quarter of an hour replied la valliere -Output Transcription: i have been here this quarter of an hour replied lavalier -2021-09-20 08:31:35.962 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.166667 -2021-09-20 08:31:35.962 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: hussy woman and bond tie -Output Transcription: hussy woman and born tie -2021-09-20 08:31:35.963 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.200000 -2021-09-20 08:31:35.964 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: but there's father the barn sir if he'd be of any use -Output Transcription: but there's father and barn sir if he'd be of any use -2021-09-20 08:31:35.965 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.083333 -2021-09-20 08:31:35.966 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: to ask any more questions of you i believe would be unfair -Output Transcription: to ask any more questions of you i believe would be unfair -2021-09-20 08:31:35.966 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:31:35.967 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: he looked up rather ungraciously but motioned them to be seated -Output Transcription: he looked up rather ungracious ly but motioned them to be seated -2021-09-20 08:31:35.968 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.181818 -2021-09-20 08:31:35.970 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the great hawk followed hurriedly to retrieve his prey from the ground -Output Transcription: the great hawk fouled hurriedly to retrieve his prey from the ground -2021-09-20 08:31:35.971 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.083333 -2021-09-20 08:31:35.972 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: they say illumination by candle light is the prettiest in the world -Output Transcription: they say illumination by candlelight is the prettiest in the world -2021-09-20 08:31:35.974 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.166667 -2021-09-20 08:31:35.975 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: why should the mistress of the vales of har utter a sigh -Output Transcription: why should the mistress of the veils of her utter a sigh -2021-09-20 08:31:35.976 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.166667 -2021-09-20 08:31:35.978 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: out in the woods stood a nice little fir tree -Output Transcription: out in the woods stood a nice little fur tree -2021-09-20 08:31:35.979 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.100000 -2021-09-20 08:31:35.980 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: alexander rose and shook himself angrily yes i know i'm cowardly -Output Transcription: elegant rose and shook himself angrily yes i know i'm cowardly -2021-09-20 08:31:35.981 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.090909 -2021-09-20 08:31:35.982 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: several hundred free state men promptly responded to the summons -Output Transcription: several hundred free state men promptly responded to the summons -2021-09-20 08:31:35.982 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:31:35.983 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: he is called as you know the apostle of the indies -Output Transcription: he is called as you know the apostle of the indies -2021-09-20 08:31:35.983 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:31:35.983 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: indeed he had looked away with the purpose of not seeing it -Output Transcription: indeed he had looked away with the purpose of not seeing it -2021-09-20 08:31:35.984 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:31:35.984 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: dorcas in her strange way was moved -Output Transcription: dorcas in her strange way was moved -2021-09-20 08:31:35.984 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:31:35.985 | INFO | deepspeech2x.model:test:372 - Error rate [wer] (800/?) = 0.083786 -2021-09-20 08:31:37.234 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the goat's warlike spirit was roused by this successful attack -Output Transcription: the goat's warlike spirit was roused by this successful attack -2021-09-20 08:31:37.235 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:31:37.236 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: don't mind it polly whispered jasper twasn't her fault -Output Transcription: don't mind it polly whispered jasper wasn't her fault -2021-09-20 08:31:37.237 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.111111 -2021-09-20 08:31:37.238 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: no names please said holmes as we knocked at gilchrist's door -Output Transcription: no names please said holmes as we knocked a gilchrist or -2021-09-20 08:31:37.239 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.272727 -2021-09-20 08:31:37.239 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: to be or not to be that is the question whether tis nobler -Output Transcription: to be or not to be that is the question whether tis nobler -2021-09-20 08:31:37.240 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:31:37.240 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: it is sixteen years since john bergson died -Output Transcription: it is sixteen years since john burges and died -2021-09-20 08:31:37.241 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.250000 -2021-09-20 08:31:37.242 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: rejoice in thy own fresh youth -Output Transcription: rejoice in my own fresh youth -2021-09-20 08:31:37.242 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.166667 -2021-09-20 08:31:37.243 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: lieutenant crosstrees is a very gallant officer -Output Transcription: lieutenant cross trees is a very gallant officer -2021-09-20 08:31:37.244 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.285714 -2021-09-20 08:31:37.244 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: we have heard something of your story said kenneth and are interested in it -Output Transcription: we have heard something of your story said kenneth and are interested in it -2021-09-20 08:31:37.244 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:31:37.245 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: there seems no good reason for believing that it will change -Output Transcription: there seems no good reason for believing that it will change -2021-09-20 08:31:37.245 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:31:37.247 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: it is the only amends i ask of you for the wrong you have done me -Output Transcription: it is the only immense i ask of you for the wrong you have done me -2021-09-20 08:31:37.249 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.062500 -2021-09-20 08:31:37.250 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: if a fellow's been a little bit wild he's beelzebub at once -Output Transcription: if a fellow's been a little bit wild his bonds above at once -2021-09-20 08:31:37.252 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.250000 -2021-09-20 08:31:37.252 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: he unlocked the door and called here's visitors tom -Output Transcription: he unlocked the door and called here's visitors tom -2021-09-20 08:31:37.252 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:31:37.252 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: why it's goliath as usual they both cried peering in -Output Transcription: why it's goliath as usual they both cried peering in -2021-09-20 08:31:37.253 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:31:37.253 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: sir kennington oval is a very fine player said my wife -Output Transcription: sir kennington oval is a very fine player said my wife -2021-09-20 08:31:37.253 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:31:37.253 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i haven't had a chance yet to tell you what a jolly little place i think this is -Output Transcription: i haven't had a chance yet to tell you what a jolly little place i think this is -2021-09-20 08:31:37.254 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:31:37.256 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: when did you come bartley and how did it happen you haven't spoken a word -Output Transcription: why did you come partly and how did it happen you haven't spoken a word -2021-09-20 08:31:37.257 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.133333 -2021-09-20 08:31:37.258 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the departure was not at all agreeable -Output Transcription: the departure was not at all agreeable -2021-09-20 08:31:37.258 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:31:37.258 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: watson i have always done you an injustice there are others -Output Transcription: watson i have always done you an injustice there are others -2021-09-20 08:31:37.258 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:31:37.260 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: he mentions the apostles first because they were appointed directly by god -Output Transcription: he mentions the apostles first because they are pointed directly by god -2021-09-20 08:31:37.261 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.166667 -2021-09-20 08:31:37.261 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i had a horrid dream about him last night that -Output Transcription: i had a horrid dream about him last night that -2021-09-20 08:31:37.261 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:31:37.262 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: but was that all her reward one of the ladies asked -Output Transcription: but was that all her reward one of the ladies asked -2021-09-20 08:31:37.262 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:31:37.262 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: uncas cast his skin and stepped forth in his own beautiful proportions -Output Transcription: uncas cast his skin and stepped forth in his own beautiful proportions -2021-09-20 08:31:37.262 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:31:37.263 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: and towards christmas he was one of the first that was cut down -Output Transcription: and towards christmas he was one of the first that was cut down -2021-09-20 08:31:37.263 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:31:37.263 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the arrow pierced his heart and wounded him mortally -Output Transcription: the arrow pierced his heart and wounded him mortally -2021-09-20 08:31:37.263 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:31:37.264 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: as used in the speech of everyday life the word carries an undertone of deprecation -Output Transcription: as used in the speech of everyday life the word carries an undertone of deprecation -2021-09-20 08:31:37.264 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:31:37.265 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: most of all robin thought of his father what would he counsel -Output Transcription: most of all robin thought of his father what would he counsel -2021-09-20 08:31:37.265 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:31:37.265 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: they regained their apartment apparently without disturbing the household of gamewell -Output Transcription: they regained their apartment apparently without disturbing the household of gamewell -2021-09-20 08:31:37.266 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:31:37.266 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: to all these inquiries the count responded in the affirmative -Output Transcription: to all these inquiries the count responded in the affirmative -2021-09-20 08:31:37.266 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:31:37.268 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: not once did he comment on the length or the hardships of a journey -Output Transcription: not once did he comment on the length or the hardships of the journey -2021-09-20 08:31:37.270 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.071429 -2021-09-20 08:31:37.270 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i like you still rachel i'm sure i'll always like you -Output Transcription: i like you still rachel i'm sure i'll always like you -2021-09-20 08:31:37.271 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:31:37.271 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i thought it therefore my duty when i left school to become a governess -Output Transcription: i thought it therefore my duty when i left school to become a governess -2021-09-20 08:31:37.272 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:31:37.274 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: he shall not leave you day or night whether you are working or playing or sleeping -Output Transcription: you shall not leave you day or night whether you were working or playing or sleeping -2021-09-20 08:31:37.276 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.125000 -2021-09-20 08:31:37.277 | INFO | deepspeech2x.model:test:372 - Error rate [wer] (832/?) = 0.082196 -2021-09-20 08:31:40.200 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the young man is in bondage and much i fear his death is decreed -Output Transcription: the young man is in bondage and much i fear his death is decreed -2021-09-20 08:31:40.200 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:31:40.201 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: that was but rustling of dripping plants in the dark -Output Transcription: that was but rustling of tripping plants in the dark -2021-09-20 08:31:40.202 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.100000 -2021-09-20 08:31:40.203 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: madame quinson besides can answer your enquiries -Output Transcription: madame when a besides can answer your inquiries -2021-09-20 08:31:40.204 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.428571 -2021-09-20 08:31:40.205 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i reside in the marais rue de douze portes -Output Transcription: i reside in the mare grew did this port -2021-09-20 08:31:40.206 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.555556 -2021-09-20 08:31:40.206 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: we have never understood this sort of objections -Output Transcription: we have never understood this sort of objections -2021-09-20 08:31:40.206 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:31:40.206 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: yes so they said but that would i think have been worse -Output Transcription: yes so they said but that would i think have been worse -2021-09-20 08:31:40.207 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:31:40.207 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: it was a deliberate theft from his employers to protect a girl he loved -Output Transcription: it was a deliberate theft from his employers to protect a girl he loved -2021-09-20 08:31:40.207 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:31:40.207 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: he is my esquire excellency returned robin with dignity -Output Transcription: he is my esquire excellency returned robin with dignity -2021-09-20 08:31:40.208 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:31:40.210 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: they were received in the little office by a man named markham who was the jailer -Output Transcription: they were received in the little office by a man named marcum who was the jailer -2021-09-20 08:31:40.212 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.062500 -2021-09-20 08:31:40.212 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: just smell the wild roses they are always so spicy after a rain -Output Transcription: just smell the wild roses they are always so spicy after a rain -2021-09-20 08:31:40.212 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:31:40.212 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: if she does not know how to estimate her own value i do -Output Transcription: if she does not know how to estimate her own value i do -2021-09-20 08:31:40.213 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:31:40.213 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: a montfichet a montfichet gamewell to the rescue -Output Transcription: a mortice or montrachet game well to the rescue -2021-09-20 08:31:40.214 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.625000 -2021-09-20 08:31:40.217 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: so i lived and now am your tooth thrall well it is the luck of war -Output Transcription: so i lived and now in your tooth thrall well it is the luck of war -2021-09-20 08:31:40.219 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.062500 -2021-09-20 08:31:40.219 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: there's one and there's another the dudley and the flint -Output Transcription: there's one and there's another the dudley and the flint -2021-09-20 08:31:40.219 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:31:40.220 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: oh no jasper i must go by my very own self -Output Transcription: oh no chapter i must go by my very own self -2021-09-20 08:31:40.221 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.090909 -2021-09-20 08:31:40.223 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: and emil mowed his way slowly down toward the cherry trees -Output Transcription: and a meal made his way slowly down toward the cherry trees -2021-09-20 08:31:40.224 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.272727 -2021-09-20 08:31:40.224 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i know no such place said the tree -Output Transcription: i know no such place said the tree -2021-09-20 08:31:40.225 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:31:40.225 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i was in such a hurry to come to you you left your door open -Output Transcription: i was in such a hurry to come to you you left your door open -2021-09-20 08:31:40.225 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:31:40.226 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: nothing new weather unchanged the wind freshens -Output Transcription: nothing new whether unchanged the wind freshens -2021-09-20 08:31:40.226 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.142857 -2021-09-20 08:31:40.227 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: and fearest thou because i vanish and am seen no more -Output Transcription: and first thou because i vanish and am see no more -2021-09-20 08:31:40.229 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.181818 -2021-09-20 08:31:40.230 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: so i will give out this law that my men shall never leave you alone -Output Transcription: so i will give up this law that my men shall never leave you alone -2021-09-20 08:31:40.232 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.066667 -2021-09-20 08:31:40.233 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: a cold lucid indifference reigned in his soul -Output Transcription: a cold lucid indifference reigned in his soul -2021-09-20 08:31:40.233 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:31:40.233 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i am my dear and all strangers are welcome to my home -Output Transcription: i am my dear and all strangers are welcome to my home -2021-09-20 08:31:40.233 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:31:40.234 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: well i'm going as an engineer you can go as one -Output Transcription: well i'm going as an engineer you could go as one -2021-09-20 08:31:40.235 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.090909 -2021-09-20 08:31:40.236 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: he felt for and found the wizard's black cloth the squire was quite out of breath -Output Transcription: he felt for and found the wizard's black cloth the squire was quite out of breath -2021-09-20 08:31:40.236 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:31:40.237 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: that is a very fine cap you have he said -Output Transcription: that is a very fine cap you have he said -2021-09-20 08:31:40.237 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:31:40.239 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: when they were outside unc simply latched the door and started up the path -Output Transcription: when they were outside on simply elapsed the door and started up the path -2021-09-20 08:31:40.241 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.142857 -2021-09-20 08:31:40.241 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: there's many a one considerably older than i am -Output Transcription: there's many a one considerably older than i am -2021-09-20 08:31:40.241 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:31:40.242 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: he is not well he has come over the ocean for rest and change of scene -Output Transcription: he is not well he has come over the ocean for rest and change of scene -2021-09-20 08:31:40.243 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:31:40.243 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the livery becomes obnoxious to nearly all who are required to wear it -Output Transcription: the livery becomes obnoxious to nearly all who are required to wear it -2021-09-20 08:31:40.243 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:31:40.244 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: oh say that's different observed markham altering his demeanor -Output Transcription: i'll say that's different observed markham altering his demeanor -2021-09-20 08:31:40.245 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.111111 -2021-09-20 08:31:40.247 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: it might have seemed that a trout of this size was a fairly substantial meal -Output Transcription: min have seemed that a trout of this size was a fairly substantial meal -2021-09-20 08:31:40.249 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.133333 -2021-09-20 08:31:40.250 | INFO | deepspeech2x.model:test:372 - Error rate [wer] (864/?) = 0.082138 -2021-09-20 08:31:42.365 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the proof was in three long slips i had left them all together -Output Transcription: the proof was in three long slips i had left them all together -2021-09-20 08:31:42.366 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:31:42.368 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: it can't hurt anything i'm sure for we won't disturb things at all -Output Transcription: i can't hear anything i'm sure for we won't disturb things at all -2021-09-20 08:31:42.369 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.153846 -2021-09-20 08:31:42.369 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the air is heavy the sea is calm -Output Transcription: the air is heavy the sea is calm -2021-09-20 08:31:42.370 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:31:42.370 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: as our boat flashed down the rollers into the water i made this song and sang it -Output Transcription: as our boat flashed down the rollers into the water i made this song and sang it -2021-09-20 08:31:42.370 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:31:42.371 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: let us begin with that his commentary on galatians -Output Transcription: let us begin with that his commentary on galatians -2021-09-20 08:31:42.371 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:31:42.372 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: their sufferings have never yet been fitly chronicled by human scribe -Output Transcription: their sufferings have never yet been fiddly chronicle by human scribe -2021-09-20 08:31:42.373 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.181818 -2021-09-20 08:31:42.373 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: that is why we cry education science -Output Transcription: that is why we cry education science -2021-09-20 08:31:42.374 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:31:42.375 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: he was like unto my father in a way and yet was not my father -Output Transcription: he was like my father in a way and yet was not my father -2021-09-20 08:31:42.377 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.066667 -2021-09-20 08:31:42.377 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: what is your name lording asked the little stroller presently -Output Transcription: what is your name lording asked the little stroller presently -2021-09-20 08:31:42.377 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:31:42.379 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: and why it scatters its bright beauty thro the humid air -Output Transcription: and why it scatters its bright beauty through the humid air -2021-09-20 08:31:42.380 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.090909 -2021-09-20 08:31:42.380 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: above all things i desire to settle the matter quietly and discreetly -Output Transcription: above all things i desire to settle the matter quietly and discreetly -2021-09-20 08:31:42.380 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:31:42.380 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: he worked me very hard he wanted to be beating me all the time -Output Transcription: he worked me very hard he wanted to be beating me all the time -2021-09-20 08:31:42.381 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:31:42.381 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: our first impressions of people are in nine cases out of ten the right impressions -Output Transcription: our first impressions of people are in nine cases out of ten the right impressions -2021-09-20 08:31:42.381 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:31:42.381 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i had again been acting under the influence of this man's power -Output Transcription: i had again been acting under the influence of this man's power -2021-09-20 08:31:42.382 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:31:42.384 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: there was no chance to alter his sleeping room to one nearer to gamewell's chamber -Output Transcription: there was no chance to alter his sleeping room to one nearer to game wells chamber -2021-09-20 08:31:42.386 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.133333 -2021-09-20 08:31:42.387 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: exclaimed bill harmon to his wife as they went through the lighted hall -Output Transcription: exclaimed barreto his wife as they went through the light at hall -2021-09-20 08:31:42.388 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.384615 -2021-09-20 08:31:42.389 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: he was still suffering from this sudden disturbance of the quiet routine of his life -Output Transcription: he was still suffering from this sudden disturbance of the quiet routine of his life -2021-09-20 08:31:42.389 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:31:42.389 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: she asked impulsively i didn't believe you could persuade her father -Output Transcription: she asked impulsively i didn't believe you could persuade her father -2021-09-20 08:31:42.389 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:31:42.390 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: nothing more not even the wrist to which it might be attached -Output Transcription: nothing more not even the wrist to which it might be attached -2021-09-20 08:31:42.390 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:31:42.393 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: we will go out together to the bower there is a way down to the court from my window -Output Transcription: we will go out together to the power there is a way down to the court from my window -2021-09-20 08:31:42.395 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.052632 -2021-09-20 08:31:42.396 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: thank you rachel my cousin rachel my only friend -Output Transcription: thank you rachel my cousin rachel my only friend -2021-09-20 08:31:42.396 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:31:42.397 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: and i should begin with a short homily on soliloquy -Output Transcription: and i shall begin with a short homily on soliloquy -2021-09-20 08:31:42.398 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.100000 -2021-09-20 08:31:42.399 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: do not therefore think that the gothic school is an easy one -Output Transcription: do not therefore think that the gothic schools and easy one -2021-09-20 08:31:42.400 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.250000 -2021-09-20 08:31:42.400 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: will you leave me alone in my own room or must i go away to escape you -Output Transcription: will you leave me alone in my own room or must i go away to escape you -2021-09-20 08:31:42.401 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:31:42.401 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: that's not much of a job for an athlete here i've been to town and back -Output Transcription: that's not much of a job for an athlete here i've been to town and back -2021-09-20 08:31:42.401 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:31:42.403 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: in person welcome aboard professor your cabin is waiting for you -Output Transcription: in person welcome boy professor your cabin is waiting for you -2021-09-20 08:31:42.404 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.090909 -2021-09-20 08:31:42.404 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the bear shook his shaggy sides and then a well known voice replied -Output Transcription: the bear shook his shaggy sides and then a well known voice replied -2021-09-20 08:31:42.405 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:31:42.405 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: but how did she manage to render it so fashionable -Output Transcription: but how did she manage to render it so fashionable -2021-09-20 08:31:42.405 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:31:42.408 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: do you know i thought the dance a bit conscious to night for the first time -Output Transcription: you know i thought the dance of conscious tonight for the first time -2021-09-20 08:31:42.409 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.312500 -2021-09-20 08:31:42.411 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: well now ennis i declare you have a head and so has my stick -Output Transcription: well now is i declare you have a head and so has my stick -2021-09-20 08:31:42.413 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.071429 -2021-09-20 08:31:42.414 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: angor pain painful to hear -Output Transcription: anger pain painful to hear -2021-09-20 08:31:42.414 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.200000 -2021-09-20 08:31:42.417 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i like to talk to carl about new york and what a fellow can do there -Output Transcription: i like to talk to carl about new york on what a fellow can do there -2021-09-20 08:31:42.419 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.062500 -2021-09-20 08:31:42.419 | INFO | deepspeech2x.model:test:372 - Error rate [wer] (896/?) = 0.081355 -2021-09-20 08:31:43.686 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: come to me men here here he raised his voice still louder -Output Transcription: come to me men here here he raised his voice still louder -2021-09-20 08:31:43.687 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:31:43.688 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: good gracious has the king any right to interfere in matters of that kind -Output Transcription: good gracious as the king any right to interfere in matters of that kind -2021-09-20 08:31:43.690 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.071429 -2021-09-20 08:31:43.690 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: but cap'n bill made no such attempt knowing it would be useless -Output Transcription: but cap'n bill made no such attempt knowing it would be useless -2021-09-20 08:31:43.691 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:31:43.692 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: said another voice which i recognized as voltaire's kaffar -Output Transcription: said another voice which i recognized as vultures car -2021-09-20 08:31:43.692 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.222222 -2021-09-20 08:31:43.693 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: lend me your ear for ten minutes and you shall learn just what stagecraft is -Output Transcription: lend me your ear for ten minutes and you shall learn just what stagecraft is -2021-09-20 08:31:43.693 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:31:43.693 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i felt it in my bones when i woke this morning that something splendid was going to turn up -Output Transcription: i felt it in my bones when i woke this morning that something splendid was going to turn up -2021-09-20 08:31:43.693 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:31:43.694 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: there there he said soothingly patting her brown fuzzy head -Output Transcription: there there he said soothingly patting her brown fuzzy head -2021-09-20 08:31:43.694 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:31:43.694 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: before them fled the stroller and his three sons capless and terrified -Output Transcription: before them fled the stroller and his three sons capless and terrified -2021-09-20 08:31:43.694 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:31:43.696 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: were i in the warm room with all the splendor and magnificence -Output Transcription: where i and the warm room with all that splendour and magnificence -2021-09-20 08:31:43.697 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.333333 -2021-09-20 08:31:43.699 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: hers happened to be in the same frame too but she evidently didn't care about that -Output Transcription: hers happened to be on the same frame too but she evidently didn't care about it -2021-09-20 08:31:43.701 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.125000 -2021-09-20 08:31:43.701 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: does your majesty then no longer believe the disloyal attempt -Output Transcription: does your majesty then no longer believe the disloyal attempt -2021-09-20 08:31:43.702 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:31:43.703 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the duchess of southbridge to lord reggie oh reggie what did you say -Output Transcription: the doctors of southbridge to lord reggie already what did you say -2021-09-20 08:31:43.704 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.230769 -2021-09-20 08:31:43.705 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i will take the black clay with me also the pencil cuttings good bye -Output Transcription: i will take the black clay with me also the pencil cuttings good bye -2021-09-20 08:31:43.705 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:31:43.707 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: is thy father willing thee should go away to a school of the world's people -Output Transcription: is thy father willing they should go away to a school of the world's people -2021-09-20 08:31:43.709 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.066667 -2021-09-20 08:31:43.709 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: who is humpy dumpy asked the mice -Output Transcription: who is hump don't p asked the ice -2021-09-20 08:31:43.710 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.571429 -2021-09-20 08:31:43.711 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: milligram roughly one twenty eight thousand of an ounce -Output Transcription: milligram roughly one twenty eight thousand of an as -2021-09-20 08:31:43.712 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.111111 -2021-09-20 08:31:43.712 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: you left him in a chair you say which chair by the window there -Output Transcription: you left him in a chair you say which chair by the window there -2021-09-20 08:31:43.712 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:31:43.714 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the squares of cotton sharp edged heavy were just about to burst to bolls -Output Transcription: the squares of cotton sharp edged heavy we're just about to purse to balls -2021-09-20 08:31:43.716 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.214286 -2021-09-20 08:31:43.716 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: he was in deep converse with the clerk and entered the hall holding him by the arm -Output Transcription: he was in deep converse with the clerk and entered the hall holding him by the arm -2021-09-20 08:31:43.716 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:31:43.717 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: nay nay lording answered warrenton with a half laugh -Output Transcription: nay nay luring answered warrenton with a half laugh -2021-09-20 08:31:43.718 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.111111 -2021-09-20 08:31:43.720 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: well well don't trouble to answer listen and see that i do you no injustice -Output Transcription: well out don't trouble to answer listen and see that i do you know injustice -2021-09-20 08:31:43.721 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.133333 -2021-09-20 08:31:43.722 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: he seemed born to please without being conscious of the power he possessed -Output Transcription: he seemed born to please without being conscious of the power he possessed -2021-09-20 08:31:43.722 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:31:43.723 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: certainly sire but i must have money to do that what -Output Transcription: certainly sir but i must have money to do that what -2021-09-20 08:31:43.724 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.090909 -2021-09-20 08:31:43.724 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: alas i have grieved so i am hard to love -Output Transcription: alas i have grieved so i am hard to love -2021-09-20 08:31:43.725 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:31:43.725 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: again he searched his own thoughts nor ineffectually as before -Output Transcription: again he searched his own thoughts nor ineffectually as before -2021-09-20 08:31:43.725 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:31:43.726 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the hair was of brown yarn and hung down on her neck in several neat braids -Output Transcription: the hair was of brown yarn and hung down on her neck in several neat braids -2021-09-20 08:31:43.726 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:31:43.728 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: don't i though i'm so sorry to hear it how did her son turn out -Output Transcription: don't i though am so sorry to hear it how did her son turn out -2021-09-20 08:31:43.731 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.066667 -2021-09-20 08:31:43.731 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: length of service fourteen years three months and five days -Output Transcription: length of service fourteen years three months and five days -2021-09-20 08:31:43.731 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:31:43.732 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: like as not young master though i am an old man -Output Transcription: like as not young master though i am an old man -2021-09-20 08:31:43.732 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:31:43.733 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i had to read it over carefully as the text must be absolutely correct -Output Transcription: i had to read it over carefully as the text must be absolutely correct -2021-09-20 08:31:43.733 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:31:43.734 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: we are quite satisfied now captain battleax said my wife -Output Transcription: we are quite satisfied now captain battle axe said my wife -2021-09-20 08:31:43.735 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.200000 -2021-09-20 08:31:43.737 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: descend o little cloud and hover before the eyes of thel -Output Transcription: to send a little cloud and hovered before the eyes of hell -2021-09-20 08:31:43.738 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.454545 -2021-09-20 08:31:43.739 | INFO | deepspeech2x.model:test:372 - Error rate [wer] (928/?) = 0.081423 -2021-09-20 08:31:45.015 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: why an ear a whirlpool fierce to draw creations in -Output Transcription: why an ear a whirlpool fierce to draw creations in -2021-09-20 08:31:45.016 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:31:45.017 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i'm sure alexandra hopes you will stay on here she murmured -Output Transcription: i am sure alexander helps you will stay on here she murmured -2021-09-20 08:31:45.019 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.363636 -2021-09-20 08:31:45.019 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: won't you run into the house and see if martha can't spare one or two more maids -Output Transcription: won't you run into the house and see if martha can't spare one or two more maids -2021-09-20 08:31:45.019 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:31:45.019 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i will ask the least imaginable but i must have something -Output Transcription: i will ask the least imaginable but i must have something -2021-09-20 08:31:45.020 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:31:45.020 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: a more dreary and more disunited family party i never sat at the table with -Output Transcription: a more dreary and more disunited family party i never sat at the table with -2021-09-20 08:31:45.020 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:31:45.020 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: anyhow we'll leave instructions to ship the whole menagerie to france -Output Transcription: anyhow we'll leave instructions to ship the whole menagerie to france -2021-09-20 08:31:45.021 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:31:45.021 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: what can you mean by that miss woodley you talk mysteriously -Output Transcription: what can you mean by that miss woodley you talk mysteriously -2021-09-20 08:31:45.021 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:31:45.021 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: those huge creatures attacked each other with the greatest animosity -Output Transcription: those huge creatures attacked each other with the greatest animosity -2021-09-20 08:31:45.022 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:31:45.023 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: he called this sea a pond and our long voyage taking a little sail -Output Transcription: he called the sea upon and or long for wage taking a little sail -2021-09-20 08:31:45.025 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.428571 -2021-09-20 08:31:45.025 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: a word should now be said about the origin of luther's commentary on galatians -Output Transcription: a word should now be said about the origin of luther's commentary on galatians -2021-09-20 08:31:45.026 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:31:45.027 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: he keeps the thou shalt not commandments first rate hen lord does -Output Transcription: he keeps that thou shalt not commandments first rate and lord does -2021-09-20 08:31:45.028 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.166667 -2021-09-20 08:31:45.028 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the moment i looked at my table i was aware that someone had rummaged among my papers -Output Transcription: the moment i looked at my table i was aware that someone had rummaged among my papers -2021-09-20 08:31:45.029 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:31:45.029 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: perhaps the other trees from the forest will come to look at me -Output Transcription: perhaps the other trees from the forest will come to look at me -2021-09-20 08:31:45.029 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:31:45.030 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i cannot deny myself the gratification of inserting southey's reply -Output Transcription: i cannot deny myself the gratification of inserting so these reply -2021-09-20 08:31:45.031 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.200000 -2021-09-20 08:31:45.031 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: no doubt in process of time the ladies will follow -Output Transcription: no doubt in process of time the ladies will follow -2021-09-20 08:31:45.032 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:31:45.032 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: and in this last action he falls into the classic sin of pride -Output Transcription: and in this last action he falls into the classic sin of pride -2021-09-20 08:31:45.032 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:31:45.032 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i am very uneasy about it whatever it is i can't help it -Output Transcription: i am very uneasy about it whatever it is i can't help it -2021-09-20 08:31:45.033 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:31:45.034 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: each day has its own great grief or its little care -Output Transcription: each day has its own great green for its little care -2021-09-20 08:31:45.035 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.181818 -2021-09-20 08:31:45.037 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: then i will get me a farm and will winter in that land now who will follow me -Output Transcription: then i will get me a farm will winner in that land now who will follow me -2021-09-20 08:31:45.040 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.111111 -2021-09-20 08:31:45.041 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: and he made a little dip of his cane towards brandon hall over his shoulder -Output Transcription: and he made a little dip of his cane towards branded all over his shoulder -2021-09-20 08:31:45.043 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.133333 -2021-09-20 08:31:45.044 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: this knowledge is memory in one sense though in another it is not -Output Transcription: this knowledge is memory in one sense though in another it is not -2021-09-20 08:31:45.044 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:31:45.044 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: and what was the subject of the poem said the person who made the remark -Output Transcription: and what was the subject of the poem said the person who made the remark -2021-09-20 08:31:45.044 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:31:45.046 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the hours passed wearily by and movement could yet be heard about the hall -Output Transcription: the hours past wearily by and movement could yet be heard about the hall -2021-09-20 08:31:45.048 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.071429 -2021-09-20 08:31:45.050 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: he might have had that forged check for the face of it if he'd been sharp -Output Transcription: he might have had that for check for the face of it if he'd been sharp -2021-09-20 08:31:45.052 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.062500 -2021-09-20 08:31:45.053 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: john taylor who had supported her through college was interested in cotton -Output Transcription: john taylor who had supported her through college was interested in cotton -2021-09-20 08:31:45.053 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:31:45.053 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: people suffer in the light excess burns -Output Transcription: people suffer in the light excess burns -2021-09-20 08:31:45.054 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:31:45.055 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: come forth worm and the silent valley to thy pensive queen -Output Transcription: come forth worm in the silent valley to thy pensive queen -2021-09-20 08:31:45.056 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.090909 -2021-09-20 08:31:45.058 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: that a style is restrained or severe does not mean that it is also erroneous -Output Transcription: that style is restrained or severe does not mean that it is also erroneous -2021-09-20 08:31:45.060 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.066667 -2021-09-20 08:31:45.061 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: it was the indian whose dark silhouette appeared suddenly upon his blind -Output Transcription: it was the indian whose dark silhouette appeared suddenly upon his blind -2021-09-20 08:31:45.061 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:31:45.063 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: then she gave a little laugh and replied no miss beth i'm elizabeth parsons -Output Transcription: then she gave a little laugh and replied no miss beth am elizabeth parsons -2021-09-20 08:31:45.065 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.071429 -2021-09-20 08:31:45.065 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: vast importance and influence of this mental furnishing -Output Transcription: vast importance and influence of this mental furnishing -2021-09-20 08:31:45.065 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:31:45.067 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: servadac took it for granted that the dobryna was endeavoring to put in -Output Transcription: serv adac took it for granted that the dorina was endeavoring to put in -2021-09-20 08:31:45.069 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.230769 -2021-09-20 08:31:45.070 | INFO | deepspeech2x.model:test:372 - Error rate [wer] (960/?) = 0.080820 -2021-09-20 08:31:46.437 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: that won't last it will go away and things will be just as they used to -Output Transcription: that won't last it will go away and things will be just as they used to -2021-09-20 08:31:46.437 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:31:46.438 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: a new member of the family circle who instantly attracted my attention entered the room -Output Transcription: a new member of the family circle who instantly attracted my attention entered the room -2021-09-20 08:31:46.438 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:31:46.439 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: come and get the boolooroo she said going toward the benches -Output Transcription: come and get the coolaroo she said going toward the benches -2021-09-20 08:31:46.440 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.090909 -2021-09-20 08:31:46.441 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: consumption becomes a larger element in the standard of living in the city than in the country -Output Transcription: consumption becomes a larger element in the standard of living in the city than in the country -2021-09-20 08:31:46.441 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:31:46.441 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: he spoke simply but paced up and down the narrow cell in front of them -Output Transcription: he spoke simply but paced up and down the narrow cell in front of them -2021-09-20 08:31:46.441 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:31:46.443 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: so there is to me added sandford with a sarcastic sneer -Output Transcription: so there is to me added sanford with a sarcastic near -2021-09-20 08:31:46.444 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.181818 -2021-09-20 08:31:46.444 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: thy ways greatly try me ruth and all thy relations -Output Transcription: thy ways greatly try me ruth and all thy relations -2021-09-20 08:31:46.444 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:31:46.446 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: we'll come in here this afternoon with old clothes on and have a regular house cleaning -Output Transcription: or come in here this afternoon with old clothes on and half a regular house cleaning -2021-09-20 08:31:46.448 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.125000 -2021-09-20 08:31:46.451 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: they asked him to come to see them in chelsea and they spoke very tenderly of hilda -Output Transcription: they asked him to come to see them in chelsea and they spoke very tenderly of helder -2021-09-20 08:31:46.453 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.058824 -2021-09-20 08:31:46.455 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: she blushed and smiled and fumbled his card in her confusion before she ran upstairs -Output Transcription: she blushed and smiled and followed his card in her confusion before she ran upstairs -2021-09-20 08:31:46.456 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.066667 -2021-09-20 08:31:46.457 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: socrates begins the timaeus with a summary of the republic -Output Transcription: sovereignties begins to tears with a summary of the republic -2021-09-20 08:31:46.458 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.300000 -2021-09-20 08:31:46.459 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the modern organization of industry works in the same direction also by another line -Output Transcription: the modern organization of industry works in the same direction also by another line -2021-09-20 08:31:46.459 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:31:46.459 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i am by no means old said the fir tree -Output Transcription: i am by no means old said the fir tree -2021-09-20 08:31:46.459 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:31:46.460 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: on friday confession will be heard all the afternoon after beads -Output Transcription: on friday confession will be heard all the afternoon after beads -2021-09-20 08:31:46.460 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:31:46.461 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: father thee's unjust to philip he's going into business -Output Transcription: father these unjust to philip he's going into business -2021-09-20 08:31:46.462 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.111111 -2021-09-20 08:31:46.463 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: tis fine for you to talk old man answered the lean sullen apprentice -Output Transcription: it is fine for you to talk old man answered the lean sullen apprentice -2021-09-20 08:31:46.465 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.153846 -2021-09-20 08:31:46.465 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the hawk sat upon the branch and watched his quarry swimming beneath the surface -Output Transcription: the hawk sat upon the branch and watched his quarry swimming beneath the surface -2021-09-20 08:31:46.465 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:31:46.466 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: and besides suppose thee does learn medicine -Output Transcription: and besides suppose the does lured medicine -2021-09-20 08:31:46.466 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.285714 -2021-09-20 08:31:46.467 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: it is possible that i may be in a position then to indicate some course of action -Output Transcription: it is possible that i may be in a position then to indicate some course of action -2021-09-20 08:31:46.467 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:31:46.469 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the only cheerful conversation was the conversation across the table between naomi and me -Output Transcription: the only cheerful conversation was the conversation across the table between a man me -2021-09-20 08:31:46.470 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.142857 -2021-09-20 08:31:46.470 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i'm running for representative on the republican ticket said kenneth quietly -Output Transcription: i'm running for representative on the republican ticket said kenneth quietly -2021-09-20 08:31:46.471 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:31:46.471 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: yes but the meridian of the palais royal is the most exact -Output Transcription: yes but the meridian of the palais royal is the most exact -2021-09-20 08:31:46.471 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:31:46.473 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the salient features of this development of domestic service have already been indicated -Output Transcription: the salon features of this development of domestic service have already been indicated -2021-09-20 08:31:46.474 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.076923 -2021-09-20 08:31:46.474 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: a feeling of freedom and i was awake where -Output Transcription: a feeling of freedom and i was awake where -2021-09-20 08:31:46.475 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:31:46.475 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: once fairly a wing however he wheeled and made back hurriedly for his perch -Output Transcription: once fairly a wing however he wheeled and made back hurriedly for his perch -2021-09-20 08:31:46.476 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:31:46.476 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: positively heroic added cresswell avoiding his sister's eyes -Output Transcription: positively heroic added criswell avoiding his sister's eyes -2021-09-20 08:31:46.477 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.125000 -2021-09-20 08:31:46.478 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: tis now winter out of doors thought the tree -Output Transcription: it is now winter out of doors thought the tree -2021-09-20 08:31:46.479 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.222222 -2021-09-20 08:31:46.479 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: this thought however did not enter the heads of the enthusiastic pair -Output Transcription: this thought however did not enter the heads of the enthusiastic pair -2021-09-20 08:31:46.480 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:31:46.481 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: not at all you are on the contrary most agreeable to me -Output Transcription: not at all you are on the contrary most agreeable to me -2021-09-20 08:31:46.481 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:31:46.483 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the others resented postponement but it was just his scruples that charmed me -Output Transcription: the others resented postponement but it was just his scruples the charmed me -2021-09-20 08:31:46.484 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.076923 -2021-09-20 08:31:46.484 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: it was on the last day of january that the repairs of the schooner were completed -Output Transcription: it was on the last day of january that the repairs of the schooner were completed -2021-09-20 08:31:46.485 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:31:46.485 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the shadow of the raft was clearly outlined upon the surface of the waves -Output Transcription: the shadow of the raft was clearly outlined upon the surface of the waves -2021-09-20 08:31:46.486 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:31:46.487 | INFO | deepspeech2x.model:test:372 - Error rate [wer] (992/?) = 0.079600 -2021-09-20 08:31:50.042 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i will if timaeus approves i approve -Output Transcription: i will it to me is approves i approve -2021-09-20 08:31:50.044 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.571429 -2021-09-20 08:31:50.044 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: never mind now interposed the captain we will talk of that by and by -Output Transcription: never mind now interposed the captain we will talk of that by and by -2021-09-20 08:31:50.044 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:31:50.046 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: we sat with the officers some little time after dinner and then went ashore -Output Transcription: we sat with the officer some little time after dinner and then went ashore -2021-09-20 08:31:50.048 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.071429 -2021-09-20 08:31:50.048 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: this was what did the mischief so far as the running away was concerned -Output Transcription: this was what did the mischief so far as the running away was concerned -2021-09-20 08:31:50.048 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:31:50.050 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: once in action he was leading a detachment of infantry through an intrenchment -Output Transcription: once an action he was leading a detachment of infantry through an entrenchment -2021-09-20 08:31:50.051 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.153846 -2021-09-20 08:31:50.051 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: you have come to us threatening us with absolute destruction -Output Transcription: you have come to us threatening us with absolute destruction -2021-09-20 08:31:50.052 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:31:50.054 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: fairview was twelve miles away but by ten o'clock they drew up at the county jail -Output Transcription: fairview is twelve miles away but by ten o'clock they drew up at the county trail -2021-09-20 08:31:50.056 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.125000 -2021-09-20 08:31:50.056 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i suppose though it's too early for them then came the explosion -Output Transcription: i suppose though it's too early for them then came the explosion -2021-09-20 08:31:50.057 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:31:50.057 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: yes but perhaps i frightened her in what way -Output Transcription: yes but perhaps i frightened her in what way -2021-09-20 08:31:50.057 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:31:50.058 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: you see my friend it's an issue of the monster the notorious narwhale -Output Transcription: you see my friend it's an issue of the monster that notorious narwhal -2021-09-20 08:31:50.060 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.153846 -2021-09-20 08:31:50.060 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: pearl saw and gazed intently but never sought to make acquaintance -Output Transcription: pearl saw and gazed intently but never sought to make acquaintance -2021-09-20 08:31:50.060 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:31:50.062 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: and if i had a fortune would thee want me to lead a useless life -Output Transcription: and if i had a fortune would he want me to lead a useless life -2021-09-20 08:31:50.064 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.066667 -2021-09-20 08:31:50.065 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the phrase and the day and the scene harmonized in a chord -Output Transcription: the phrase and the day and the scene harmonized in accord -2021-09-20 08:31:50.066 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.166667 -2021-09-20 08:31:50.068 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: you see loving some one as i love you makes the whole world different -Output Transcription: you see loving someone as i love you mix the whole world different -2021-09-20 08:31:50.070 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.214286 -2021-09-20 08:31:50.070 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: olive's mournful black eyes met nancy's sparkling brown ones -Output Transcription: olives mournful black eyes meant nancy sparkling brown lands -2021-09-20 08:31:50.071 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.444444 -2021-09-20 08:31:50.072 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: a cold bright moon was shining with clear sharp lights and shadows -Output Transcription: a cold bright moon was shining with clear sharp lights and shadows -2021-09-20 08:31:50.072 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:31:50.072 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: it is necessary therefore that he should comply the king frowned -Output Transcription: it is necessary therefore that he should comply the king frowned -2021-09-20 08:31:50.072 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:31:50.072 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: but this was what the tree could not bear to hear -Output Transcription: but this was what the tree could not bear to hear -2021-09-20 08:31:50.073 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:31:50.074 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: is thee going to the yearly meeting ruth asked one of the girls -Output Transcription: is the going to the yearly meeting ruth asked one of the girls -2021-09-20 08:31:50.076 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.076923 -2021-09-20 08:31:50.076 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: but the plant ran and it was the first three wire station in this country -Output Transcription: but the plant ran and it was the first three wire station in this country -2021-09-20 08:31:50.076 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:31:50.078 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: what of the farm olaf not yet i answered viking is better for summer -Output Transcription: what is the farm all off not yet i answered biking is better for summer -2021-09-20 08:31:50.080 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.285714 -2021-09-20 08:31:50.082 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: some girl has been here twice to interview my men and i have refused to admit her -Output Transcription: some girl has been in here twice to interview my men and i have refused to admit her -2021-09-20 08:31:50.084 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.058824 -2021-09-20 08:31:50.085 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: we ought to have more attendants beth said louise approaching her cousin -Output Transcription: we ought to have more attendants beth said louise approaching her cousin -2021-09-20 08:31:50.085 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:31:50.087 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: as a matter of fact he could not said soames for i entered by the side door -Output Transcription: as a matter of fact he could not said solms for i entered by the side door -2021-09-20 08:31:50.090 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.058824 -2021-09-20 08:31:50.091 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: master monceux the sheriff of nottingham was mightily put about when told of the rioting -Output Transcription: master monceau the sheriff of nottingham was mightily put about when told of the rioting -2021-09-20 08:31:50.093 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.066667 -2021-09-20 08:31:50.094 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: nature of the effect produced by early impressions -Output Transcription: nature of the effect produced by early impressions -2021-09-20 08:31:50.094 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:31:50.095 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the army found the people in poverty and left them in comparative wealth -Output Transcription: the army found the people in poverty and left them in comparative wealth -2021-09-20 08:31:50.096 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:31:50.097 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: you hear what sir ferdinando brown has said replied captain battleax -Output Transcription: you hear what sir ferdinand o brown a sad replied captain battle axe -2021-09-20 08:31:50.098 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.545455 -2021-09-20 08:31:50.100 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: can you imagine why buckingham has been so violent i suspect -Output Transcription: can you imagine my buckingham has been so violent i suspect -2021-09-20 08:31:50.101 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.090909 -2021-09-20 08:31:50.102 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: there is even a white row of beehives in the orchard under the walnut trees -Output Transcription: there is even a white row of beehives in the orchard under the walnut trees -2021-09-20 08:31:50.102 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:31:50.102 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i am not depreciating it when i say that in these times it is not rare -Output Transcription: i am not depreciating it when i say that in these times it is not rare -2021-09-20 08:31:50.103 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:31:50.104 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the servants as well as the young ladies decorated it -Output Transcription: the servants as well as the young ladies decorated it -2021-09-20 08:31:50.104 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:31:50.105 | INFO | deepspeech2x.model:test:372 - Error rate [wer] (1024/?) = 0.080017 -2021-09-20 08:31:52.658 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i did not wrong myself so but i placed a wrong on thee -Output Transcription: i did not wrong myself so but i placed a wrong on the -2021-09-20 08:31:52.659 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.076923 -2021-09-20 08:31:52.660 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the parliament and the scots laid their proposals before the king -Output Transcription: the parliament and the scots laid their proposals before the king -2021-09-20 08:31:52.660 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:31:52.661 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i am not complaining that the rate is slow but that the sea is so wide -Output Transcription: i am not complaining that the rate is slow but that the sea is so wide -2021-09-20 08:31:52.661 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:31:52.663 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: on the other hand we are not to regard them as so terrible that we must despair -Output Transcription: on the other hand we are not to regard them is so terrible that we must despair -2021-09-20 08:31:52.665 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.058824 -2021-09-20 08:31:52.667 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: gentlemen to your posts whereupon saint aignan and villeroy took their leave -Output Transcription: gentleman to your posts whereupon saint and yon and valerio their leave -2021-09-20 08:31:52.668 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.416667 -2021-09-20 08:31:52.668 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: why one morning there came a quantity of people and set to work in the loft -Output Transcription: why one morning there came a quantity of people and set to work in the loft -2021-09-20 08:31:52.669 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:31:52.669 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: would not the loftiest eminences of the city at least be visible -Output Transcription: would not the loftiest eminences of the city at least be visible -2021-09-20 08:31:52.669 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:31:52.670 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: something better something still grander must follow but what -Output Transcription: something better something still grandeur must follow but what -2021-09-20 08:31:52.671 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.111111 -2021-09-20 08:31:52.671 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: yet these thoughts affected hester prynne less with hope than apprehension -Output Transcription: yet these thoughts affected hester prynne less with hope than apprehension -2021-09-20 08:31:52.671 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:31:52.673 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: at the emerald city where our princess ozma lives green is the popular color -Output Transcription: at the emerald city where our princess ozma lives green is a popular color -2021-09-20 08:31:52.675 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.071429 -2021-09-20 08:31:52.677 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: bartley started when hilda rang the little bell beside her dear me why did you do that -Output Transcription: partly started when held to ring a little belt beside her dear me why did you do that -2021-09-20 08:31:52.680 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.352941 -2021-09-20 08:31:52.682 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: it wasn't simply that she said so but that i knew she hadn't i was sure i could see -Output Transcription: boston simply that she said so but that i knew she hadn't i was sure i could see -2021-09-20 08:31:52.685 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.105263 -2021-09-20 08:31:52.686 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: in a general way though not wholly nor consistently these two groups coincide -Output Transcription: in a general way though not wholly not consistently these two groups coincide -2021-09-20 08:31:52.688 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.076923 -2021-09-20 08:31:52.690 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: it was very jolly he murmured lazily as marie came in to take away the coffee -Output Transcription: it was a very jolly he murmured lazily as marie came in to take away the coffee -2021-09-20 08:31:52.692 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.062500 -2021-09-20 08:31:52.692 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: for a long time he had wished to explore the beautiful land of oz in which they lived -Output Transcription: for a long time he had wished to explore the beautiful land of oz in which they lived -2021-09-20 08:31:52.693 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:31:52.695 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: paul takes pride in his ministry not to his own praise but to the praise of god -Output Transcription: politics pride in his ministry not to his own phrase but to the praise of god -2021-09-20 08:31:52.697 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.176471 -2021-09-20 08:31:52.697 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: let us retrace our steps and examine as we go with keener eyes -Output Transcription: let us retrace our steps and examine as we go with keener eyes -2021-09-20 08:31:52.698 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:31:52.699 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: a little bit of plaster tumbled down the chimney and startled me confoundedly -Output Transcription: a little bit of plaster tumbled down the chimney and startled me confounded ly -2021-09-20 08:31:52.701 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.153846 -2021-09-20 08:31:52.703 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: and my pocket money is getting low again and you haven't any left as usual -Output Transcription: and my pocket money is getting low again and you have any left as usual -2021-09-20 08:31:52.704 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.066667 -2021-09-20 08:31:52.706 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: this passage then bears out the fact that all men are sold under sin -Output Transcription: this passage then bears out the fact that all men or sold under sin -2021-09-20 08:31:52.708 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.071429 -2021-09-20 08:31:52.710 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i am stiff with long sitting he said i itch for a fight i turned to the farmer -Output Transcription: i'm stiff with long sitting he said it for our flight i turned to the farmer -2021-09-20 08:31:52.712 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.333333 -2021-09-20 08:31:52.713 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: they snuffed about the fir tree and rustled among the branches -Output Transcription: they snuffed about the fir tree and rustled among the branches -2021-09-20 08:31:52.713 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:31:52.714 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i refer to the thermometer it indicates the figure is obliterated -Output Transcription: i referred to the thermometer it indicates the figure is obliterated -2021-09-20 08:31:52.715 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.090909 -2021-09-20 08:31:52.717 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: no i've made up my mind about it if i'm mabel i'll stay down here -Output Transcription: no i'd made up my mind about it if i'm mabel i'll stay down here -2021-09-20 08:31:52.719 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.066667 -2021-09-20 08:31:52.721 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: we have come from a far lonelier place than this a lonelier place -Output Transcription: we have come from a far lonelier place than this a lonely your place -2021-09-20 08:31:52.723 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.153846 -2021-09-20 08:31:52.724 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the atmosphere is evidently charged and surcharged with electricity -Output Transcription: the atmosphere as evidently charged and surcharge with electricity -2021-09-20 08:31:52.724 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.222222 -2021-09-20 08:31:52.726 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: we are to hear christ who has been appointed by the father as our divine teacher -Output Transcription: we are to hear christ who has been appointed by the father as our divine teacher -2021-09-20 08:31:52.726 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:31:52.727 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: mark my words you'll find him too strong for you aye and too deep -Output Transcription: mark my words you'll find him too strong for you i am too deep -2021-09-20 08:31:52.730 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.142857 -2021-09-20 08:31:52.730 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: conseil i called a third time conseil appeared -Output Transcription: conseil i called a third time conseil appeared -2021-09-20 08:31:52.730 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:31:52.733 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: see that your lives be in nothing worse than a boy's climbing for his entangled kite -Output Transcription: see that your lives be in nothing worse than a boys climbing for his entangled kite -2021-09-20 08:31:52.735 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.062500 -2021-09-20 08:31:52.735 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i entered and i took you into my confidence as to the suggestions of the side table -Output Transcription: i entered and i took you into my confidence as to the suggestions of the side table -2021-09-20 08:31:52.736 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:31:52.737 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: perchance too kaffar's death might serve him in good stead -Output Transcription: perchance to car's death might serve him in good stead -2021-09-20 08:31:52.738 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.200000 -2021-09-20 08:31:52.740 | INFO | deepspeech2x.model:test:372 - Error rate [wer] (1056/?) = 0.080792 -2021-09-20 08:31:54.221 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: grace involves the remission of sins peace and a happy conscience -Output Transcription: grace involves the remission of sins peace and happy conscience -2021-09-20 08:31:54.223 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.090909 -2021-09-20 08:31:54.223 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: it is so made that everywhere we feel the sense of punishment -Output Transcription: it is so made that everywhere we feel the sense of punishment -2021-09-20 08:31:54.223 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:31:54.226 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i didn't stop to think whether it was foolish or not i did it and i'm glad i did -Output Transcription: i didn't stop to think whether it was foolish or not i did it and i'm glad i did it -2021-09-20 08:31:54.229 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.052632 -2021-09-20 08:31:54.230 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i shall be punished for it now i suppose by being drowned in my own tears -Output Transcription: i shall be punished for it now i suppose by being drowned in my own tears -2021-09-20 08:31:54.230 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:31:54.230 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: she has a son theft and a daughter hunger -Output Transcription: she has a son theft and a daughter hunger -2021-09-20 08:31:54.230 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:31:54.232 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: they drew back a little from the entrance and motioned to the supposed conjurer to enter -Output Transcription: they drew back a little from the entrance and motion to the supposed conjurer to enter -2021-09-20 08:31:54.234 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.062500 -2021-09-20 08:31:54.237 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: he began a confused complaint against the wizard who had vanished behind the curtain on the left -Output Transcription: he began to confused complaint against the wizard who had vanished behind the curtain on the left -2021-09-20 08:31:54.239 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.058824 -2021-09-20 08:31:54.240 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: please forgive me for this underhanded way of admitting i had turned forty -Output Transcription: please forgive me for this underhanded way of admitting that i had turned forty -2021-09-20 08:31:54.242 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.076923 -2021-09-20 08:31:54.244 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: he seemed to wait for her reply but as she made none he proceeded -Output Transcription: he seemed to wait for her reply but as she may not he proceeded -2021-09-20 08:31:54.245 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.142857 -2021-09-20 08:31:54.247 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i was bookkeeper so it was easy to get a blank check and forge the signature -Output Transcription: i was bitkeeper so it was easy to get a blank check and forged the signature -2021-09-20 08:31:54.249 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.125000 -2021-09-20 08:31:54.252 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: at tea time they were sad and silent and the meal went away untouched by any of the three -Output Transcription: at tea time they were sad and silent and the meal went away and touched by any of the three -2021-09-20 08:31:54.255 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.105263 -2021-09-20 08:31:54.259 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the strollers took their part in it with hearty zest now that they had some chance of beating off their foes -Output Transcription: the stroller took their part in it with hearts as now that they had some chance of beating off their foes -2021-09-20 08:31:54.262 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.142857 -2021-09-20 08:31:54.264 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: by the by i've never seen your dairy i must see your dairy missus poyser -Output Transcription: by the by i've never seen your dear monsieur dary missus poyser -2021-09-20 08:31:54.265 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.400000 -2021-09-20 08:31:54.265 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the world is all there just as it used to be but i can't get at it any more -Output Transcription: the world is all there just as it used to be but i can't get at it any more -2021-09-20 08:31:54.267 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:31:54.268 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: rejoice in our presence said the air and the sunlight -Output Transcription: my choice in our presence said the air and the sunlight -2021-09-20 08:31:54.269 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.200000 -2021-09-20 08:31:54.269 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: but i would not speak at the time because i wanted to refresh my memory -Output Transcription: but i would not speak at the time because i wanted to refresh my memory -2021-09-20 08:31:54.270 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:31:54.271 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: re enter butler and three footmen who remove the tea things hostess to guest -Output Transcription: reenter buttler and three footmen who moved the tea things hoses to guest -2021-09-20 08:31:54.273 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.357143 -2021-09-20 08:31:54.275 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: you will allow me to suggest said he that that is a matter of opinion -Output Transcription: you will allow me to suggest said he but that is a matter of opinion -2021-09-20 08:31:54.277 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.066667 -2021-09-20 08:31:54.279 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: old will is a fine fellow but poor and helpless since missus rogers had her accident -Output Transcription: old well is a fine fellow but poor and helpless since missus rogers had her accident -2021-09-20 08:31:54.281 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.062500 -2021-09-20 08:31:54.282 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the cloud then shewd his golden head and his bright form emerg'd -Output Transcription: the cloud then showed his golden head and his bright form emerged -2021-09-20 08:31:54.284 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.166667 -2021-09-20 08:31:54.285 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: or an eye of gifts and graces showring fruits and coined gold -Output Transcription: or an eye of gifts and graces showering fruits and poignant gold -2021-09-20 08:31:54.286 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.166667 -2021-09-20 08:31:54.289 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: he looked up at naomi doubtingly from his plate and looked down again slowly with a frown -Output Transcription: he looked up and nominating ly from his play and looked down again slowly with a frown -2021-09-20 08:31:54.291 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.235294 -2021-09-20 08:31:54.293 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: at the prow i carved the head with open mouth and forked tongue thrust out -Output Transcription: at the prowar car of the head with open mouth and forked tongue thrust out -2021-09-20 08:31:54.295 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.200000 -2021-09-20 08:31:54.295 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: you resemble me rachel you are fearless and inflexible and generous -Output Transcription: you resemble me rachel you are fearless and inflexible and generous -2021-09-20 08:31:54.295 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:31:54.297 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: holmes turned away and stooped suddenly to the floor halloa what's this -Output Transcription: holmes turned away and stooped suddenly to the floor hello what is this -2021-09-20 08:31:54.298 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.250000 -2021-09-20 08:31:54.299 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: did anyone know that these proofs would be there no one save the printer -Output Transcription: did anyone know that these proofs would be there no one save the printer -2021-09-20 08:31:54.299 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:31:54.301 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: already a north and a south were talked of why not set up also a west -Output Transcription: already a north and south were talked of why not set up also a west -2021-09-20 08:31:54.303 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.062500 -2021-09-20 08:31:54.304 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: oh it is better to live on the sea and let other men raise your crops and cook your meals -Output Transcription: oh it is better to live on the sea and let other men raise your crops and cook your meals -2021-09-20 08:31:54.304 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:31:54.305 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: to give an idea of these conversations i will report one of them in full -Output Transcription: to give an idea of these conversations i will report one of them in full -2021-09-20 08:31:54.305 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:31:54.305 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: hose man's excuse for wetting the walk -Output Transcription: hose man's excuse for wetting the walk -2021-09-20 08:31:54.306 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:31:54.307 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: that is all quite true mister neverbend said sir ferdinando brown -Output Transcription: that is all quite true mister never been said sir ferdinando brown -2021-09-20 08:31:54.309 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.181818 -2021-09-20 08:31:54.311 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: for a moment gilchrist with upraised hand tried to control his writhing features -Output Transcription: for a moment gilchrist with upraised hand tried to control his writing features -2021-09-20 08:31:54.312 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.076923 -2021-09-20 08:31:54.313 | INFO | deepspeech2x.model:test:372 - Error rate [wer] (1088/?) = 0.081750 -2021-09-20 08:31:55.764 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: we won't talk about her any more if you'd rather not we indeed -Output Transcription: we won't talk about her any more if you'd rather not' we indeed -2021-09-20 08:31:55.766 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.076923 -2021-09-20 08:31:55.766 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: when we were out in the darkness of the quadrangle we again looked up at the windows -Output Transcription: when we were out in the darkness of the quadrangle we again looked up at the windows -2021-09-20 08:31:55.767 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:31:55.767 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the greatness of the ransom christ the son of god indicates this -Output Transcription: the greatness of the ransom christ the son of god indicates this -2021-09-20 08:31:55.767 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:31:55.769 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: but in such a case miss milner's election of a husband shall not direct mine -Output Transcription: but in such a case miss miller's election of a husband shall not direct mine -2021-09-20 08:31:55.771 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.066667 -2021-09-20 08:31:55.772 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i say you do know what this means and you must tell us -Output Transcription: i say you do know what this means and you must tell us -2021-09-20 08:31:55.772 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:31:55.772 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: her regard shifted to the green stalks and leaves again and she started to move away -Output Transcription: her regard shifted to the green stalks and leaves again and she started to move away -2021-09-20 08:31:55.773 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:31:55.773 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: it was in a corner that he lay among weeds and nettles -Output Transcription: it was in a corner that he lay among weeds and nettles -2021-09-20 08:31:55.773 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:31:55.775 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: at the same time paul confirms our creed that christ is very god -Output Transcription: at the same time paul confirms are creed that christ is very god -2021-09-20 08:31:55.776 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.076923 -2021-09-20 08:31:55.777 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: seeing that i am so fine i may as well go and visit the king -Output Transcription: seeing that i am so fine i may as well go and visit the king -2021-09-20 08:31:55.777 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:31:55.779 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: what is your country olaf have you always been a thrall the thrall's eyes flashed -Output Transcription: what is your country alot have you always been a thrall the thralls eyes flashed -2021-09-20 08:31:55.781 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.133333 -2021-09-20 08:31:55.781 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: someone else told a story not particularly effective which i saw he was not following -Output Transcription: someone else told a story not particularly effective which i saw he was not following -2021-09-20 08:31:55.781 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:31:55.782 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i get tired of seeing men and horses going up and down up and down -Output Transcription: i get tired of seeing men and horses going up and down up and down -2021-09-20 08:31:55.782 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:31:55.782 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: each will therefore serve about equally well during the earlier stages of social growth -Output Transcription: each will therefore serve about equally well during the earlier stages of social growth -2021-09-20 08:31:55.782 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:31:55.785 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: but i wrestled with this fellow and do know that he played unfairly in the second bout -Output Transcription: but i wrestled with this fellow and do know that he played on fairly in the second bout -2021-09-20 08:31:55.787 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.117647 -2021-09-20 08:31:55.788 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: will whispered robin opening his door as he spoke are you ready -Output Transcription: will whispered robin opening his door as he spoke are you ready -2021-09-20 08:31:55.788 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:31:55.788 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: congratulations were poured in upon the princess everywhere during her journey -Output Transcription: congratulations were poured in upon the princess everywhere during her journey -2021-09-20 08:31:55.788 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:31:55.791 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: how brown you've got since you came home i wish i had an athlete to mow my orchard -Output Transcription: how brown you've got since you came home i wish i had an athlete to mo my orchard -2021-09-20 08:31:55.793 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.055556 -2021-09-20 08:31:55.794 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the twin brother did something she didn't like and she turned his picture to the wall -Output Transcription: the twin brother did something she didn't like and she turned his picture to the wall -2021-09-20 08:31:55.794 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:31:55.796 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i didn't have any fears if i worked it rightly said the old gentleman complacently -Output Transcription: i didn't have any fears if i worked at rightly said the old gentleman complacently -2021-09-20 08:31:55.798 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.066667 -2021-09-20 08:31:55.799 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i remember now and i congratulate myself do you love any one -Output Transcription: i remember now and i congratulate myself do you love anyone -2021-09-20 08:31:55.800 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.166667 -2021-09-20 08:31:55.802 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the hawk alighted on the dead branch and sat upright motionless as if surprised -Output Transcription: the hack alighted on the dead branch and sat upright motionless as if surprised -2021-09-20 08:31:55.803 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.071429 -2021-09-20 08:31:55.805 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: hilda's face quivered but she whispered yes i think it must have been -Output Transcription: held his face quivered but she whispered yes i think it must have been -2021-09-20 08:31:55.806 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.153846 -2021-09-20 08:31:55.807 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: my tongue refused to articulate my power of speech left me -Output Transcription: my tongue refused to articulate my power of speech left me -2021-09-20 08:31:55.807 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:31:55.809 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: but this subject will be more properly discussed when we treat of the different races of mankind -Output Transcription: but this subject will be more properly disgust when retreat of the different races of mankind -2021-09-20 08:31:55.811 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.176471 -2021-09-20 08:31:55.812 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: a sudden impulse came over him to enter and see if they were indeed the proofs -Output Transcription: a sudden impulse came over him to enter and see if they were indeed the proofs -2021-09-20 08:31:55.812 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:31:55.814 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: as for the ichthyosaurus has he returned to his submarine cavern -Output Transcription: as for the in thesaurus as he returned whose submarine cavern -2021-09-20 08:31:55.815 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.454545 -2021-09-20 08:31:55.817 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: these escapades are not for old gamewell lad his day has come to twilight -Output Transcription: these escapades are not for old game well lad his day has come to twilight -2021-09-20 08:31:55.819 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.142857 -2021-09-20 08:31:55.819 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: a brisk wind had come up and was driving puffy white clouds across the sky -Output Transcription: a brisk wind had come up and was driving puffy white clouds across the sky -2021-09-20 08:31:55.819 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:31:55.820 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: this was so sweet a lady sir and in some manner i do think she died -Output Transcription: this was so sweet a lady sir and in some manner i do think she died -2021-09-20 08:31:55.821 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:31:55.823 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: well if i don't know who she was in love with i know who he was -Output Transcription: for if i don't know who she was in love with i know who he was -2021-09-20 08:31:55.825 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.062500 -2021-09-20 08:31:55.825 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: then good bye said the rats and they went home -Output Transcription: then good bye said the rats and they went home -2021-09-20 08:31:55.826 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:31:55.828 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the paris plant like that at the crystal palace was a temporary exhibit -Output Transcription: the paris planned like that of the crystal palace was a temporary exhibit -2021-09-20 08:31:55.829 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.153846 -2021-09-20 08:31:55.830 | INFO | deepspeech2x.model:test:372 - Error rate [wer] (1120/?) = 0.080807 -2021-09-20 08:31:57.295 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the weather if we may use that term will change before long -Output Transcription: the weather if we may use the term will change before long -2021-09-20 08:31:57.297 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.083333 -2021-09-20 08:31:57.298 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: robin carefully descended the ladder and found himself soon upon firm rocky ground -Output Transcription: robin carefully descended the latter and found himself soon upon firm rocky ground -2021-09-20 08:31:57.300 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.076923 -2021-09-20 08:31:57.300 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: monsieur was the only one who did not understand anything about the matter -Output Transcription: monsieur was the only one who did not understand anything about the matter -2021-09-20 08:31:57.301 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:31:57.301 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the golden fleece it's the silver fleece he harkened -Output Transcription: the golden fleece it's the silver fleece he hearkened -2021-09-20 08:31:57.302 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.111111 -2021-09-20 08:31:57.303 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: oh what a record to read what a picture to gaze upon how awful the fact -Output Transcription: oh what a record to read what a picture to gaze upon how awful the fact -2021-09-20 08:31:57.303 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:31:57.303 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the combined bands of both the countries played the music and a fine supper was served -Output Transcription: the combined bands of both the countries played the music and a fine supper was served -2021-09-20 08:31:57.303 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:31:57.305 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: shame on you citizens cried he i blush for my fellows of nottingham -Output Transcription: shaman citizens cried he i blush for my fellows of nottingham -2021-09-20 08:31:57.306 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.230769 -2021-09-20 08:31:57.307 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i pass away yet i complain and no one hears my voice -Output Transcription: i pass away yet i complain and no one hears my voice -2021-09-20 08:31:57.307 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:31:57.309 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i could not see my boy injured excellence for but doing his duty as one of cumberland's sons -Output Transcription: i could not see my boy injured excellence for but doing his duty as one of cumberland sons -2021-09-20 08:31:57.312 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.055556 -2021-09-20 08:31:57.312 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: a story cried the children drawing a little fat man towards the tree -Output Transcription: a story cried the children drawing a little fat man towards the tree -2021-09-20 08:31:57.313 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:31:57.314 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: it is too difficult replied mademoiselle de tonnay charente laughing loudly -Output Transcription: it is too difficult replied mademoiselle de tanisha and laughing loudly -2021-09-20 08:31:57.315 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.181818 -2021-09-20 08:31:57.315 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: most people talk too much so it is a relief to find one who talks too little -Output Transcription: most people talk too much so it is a relief to find one who talks too little -2021-09-20 08:31:57.316 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:31:57.317 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: oh ever so much only he seems kind of staid and school teachery -Output Transcription: oh ever so much only he seems kind of staad and school teacher -2021-09-20 08:31:57.319 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.153846 -2021-09-20 08:31:57.320 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: solon marvelled and desired to be informed of the particulars -Output Transcription: sullen marvelled and desire to be informed of the particulars -2021-09-20 08:31:57.321 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.200000 -2021-09-20 08:31:57.322 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i'll not be wicked any more sighed the old boolooroo i'll reform -Output Transcription: not be wicked any more sighed the old booooo i'll reform -2021-09-20 08:31:57.324 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.166667 -2021-09-20 08:31:57.325 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: but the bear instead of obeying maintained the seat it had taken and growled -Output Transcription: but the bear instead of obeying maintain the seat it had taken and growled -2021-09-20 08:31:57.327 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.071429 -2021-09-20 08:31:57.328 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: but john there's no society just elementary work -Output Transcription: but john there is no society just elementary work -2021-09-20 08:31:57.329 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.250000 -2021-09-20 08:31:57.330 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: but don't these very wise things sometimes turn out very foolishly -Output Transcription: but do these very wise things sometimes turn out very foolishly -2021-09-20 08:31:57.331 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.090909 -2021-09-20 08:31:57.332 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: and the whole night the tree stood still and in deep thought -Output Transcription: and the whole night the tree stood still and in deep thought -2021-09-20 08:31:57.332 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:31:57.334 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: sit down please said gates in a cheerful and pleasant voice there's a bench here -Output Transcription: sitdown place said gates in a cheerful and pleasant voice there's a pincher -2021-09-20 08:31:57.335 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.333333 -2021-09-20 08:31:57.338 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: then he approached it and standing on tiptoe with his neck craned he looked into the room -Output Transcription: then he approached it and standing on tiptoe with his neck crane he looked into the room -2021-09-20 08:31:57.340 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.058824 -2021-09-20 08:31:57.342 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: ill and troubled dear troubled in mind and miserably nervous -Output Transcription: all and trouble dear troubled in mind and miserably nervous -2021-09-20 08:31:57.343 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.200000 -2021-09-20 08:31:57.346 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: cried he waving the lanthorn before him to make sure that these were no ghosts in front of him -Output Transcription: cried he waving the lantern before him to make sure that these were no ghosts in front of him -2021-09-20 08:31:57.349 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.052632 -2021-09-20 08:31:57.349 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: algebra medicine botany have each their slang -Output Transcription: algebra medicine botany have each their slang -2021-09-20 08:31:57.350 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:31:57.352 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: philip lefrank this is my overlooker mister jago said the old man formally presenting us -Output Transcription: fillable trying this is my overlook er mister jago said the old man formally presenting us -2021-09-20 08:31:57.355 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.266667 -2021-09-20 08:31:57.355 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: and all his brothers and sisters stood round and listened with their mouths open -Output Transcription: and all his brothers and sisters stood round and listened with their mouths open -2021-09-20 08:31:57.355 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:31:57.356 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: when she used to tell me about him i always wondered whether she wasn't a little in love with him -Output Transcription: when she used to tell me about him i always wondered whether she wasn't a little in love with him -2021-09-20 08:31:57.356 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:31:57.357 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: through the black night rain he sang to her window bars -Output Transcription: through the black night rain he sang to her window bars -2021-09-20 08:31:57.357 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:31:57.360 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: but it is the cigarette which chiefly has brought the modern drama to its present state of perfection -Output Transcription: but it is the cigarette which chiefly has brought the wonder drama to its present state of perfection -2021-09-20 08:31:57.363 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.055556 -2021-09-20 08:31:57.364 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: pride after satisfaction uplifted him like long slow waves -Output Transcription: pride after satisfaction uplifted him like long slow waves -2021-09-20 08:31:57.364 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:31:57.367 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: you're a rare un for sitting down to your work a little while after it's time to put by -Output Transcription: you are raring for sitting down to your work a little while after it's time to put by -2021-09-20 08:31:57.371 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.210526 -2021-09-20 08:31:57.371 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: this was a formidable array of advantages slavery was playing with loaded dice -Output Transcription: this was a formidable array of advantages slavery was playing with loaded dice -2021-09-20 08:31:57.371 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:31:57.373 | INFO | deepspeech2x.model:test:372 - Error rate [wer] (1152/?) = 0.081012 -2021-09-20 08:32:00.541 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i thought we were stumped again when i first saw that picture but it's been of some use after all -Output Transcription: i thought we were stumped again when i first saw that picture but it sin of some use after all -2021-09-20 08:32:00.545 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.100000 -2021-09-20 08:32:00.545 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the terms of grace and peace are common terms with paul and are now pretty well understood -Output Transcription: the terms of grace and peace are common terms with paul and are now pretty well understood -2021-09-20 08:32:00.546 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:32:00.547 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: soft heart he said gently to her then to thorkel well let him go thorkel -Output Transcription: soft heart he said gently to her then tutorial well let him go take -2021-09-20 08:32:00.549 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.200000 -2021-09-20 08:32:00.552 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: eliza closed the door behind her with a decided slam and a key clicked in the lock -Output Transcription: eliza closed the door behind her with a decided slam and he clicked in the lock -2021-09-20 08:32:00.554 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.117647 -2021-09-20 08:32:00.554 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: in the silence their dark fire kindled the dusk into a tawny glow -Output Transcription: in the silence their dark fire kindled the dusk into a tawny glow -2021-09-20 08:32:00.554 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:32:00.555 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: it must be as wide as the mediterranean or the atlantic and why not -Output Transcription: it must be as wide as the mediterranean or the atlantic and why not -2021-09-20 08:32:00.555 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:32:00.555 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: this without reckoning in the pains of the heart and so it goes on -Output Transcription: this without reckoning in the pains of the heart and so it goes on -2021-09-20 08:32:00.555 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:32:00.556 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: number ten fresh nelly is waiting on you good night husband -Output Transcription: number ten fresh nelly is waiting on you good night husband -2021-09-20 08:32:00.556 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:32:00.558 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: well what can't be done by main courage in war must be done by circumvention -Output Transcription: well what can't be done by man courage in war must be done by circumvention -2021-09-20 08:32:00.560 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.066667 -2021-09-20 08:32:00.562 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: how long would it take him to do that using every possible contraction a quarter of an hour not less -Output Transcription: how long it take to do that using every possible contraction a quarter of an hour no less -2021-09-20 08:32:00.565 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.150000 -2021-09-20 08:32:00.567 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: is the atmospheric condition having once reached this density to become final -Output Transcription: is the atmosphere condition having once reached is density to become final -2021-09-20 08:32:00.568 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.166667 -2021-09-20 08:32:00.568 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: said the fir tree thinking over what he had himself related -Output Transcription: said the fir tree thinking over what he had himself related -2021-09-20 08:32:00.569 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:32:00.570 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: and lay me down in thy cold bed and leave my shining lot -Output Transcription: and lay me down in my cold bed and leave my shining light -2021-09-20 08:32:00.572 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.153846 -2021-09-20 08:32:00.574 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: lord john taking out gold cigarette case from his left hand upper waistcoat pocket -Output Transcription: lord john taking out gold cigarette case from his left hand upper west coast pocket -2021-09-20 08:32:00.575 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.142857 -2021-09-20 08:32:00.576 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: when the king comes to paris everybody calls out vive le roi -Output Transcription: when the king comes to paris everybody calls out fiery -2021-09-20 08:32:00.578 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.250000 -2021-09-20 08:32:00.578 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: she ran to her husband's side at once and helped him lift the four kettles from the fire -Output Transcription: she ran to her husband's side at once and helped him lift the four kettles from the fire -2021-09-20 08:32:00.578 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:32:00.579 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: it'll be no use their putting their heads down and saying come up again dear -Output Transcription: it'll be no use their putting their heads down and saying come up again dear -2021-09-20 08:32:00.579 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:32:00.582 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i have a letter here mister soames which i wrote to you early this morning in the middle of a restless night -Output Transcription: i have a letter here mister psalms which i wrote to you early this morning in the middle of a restless night -2021-09-20 08:32:00.586 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.045455 -2021-09-20 08:32:00.586 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: cotton is a wonderful thing is it not boys she said rather primly -Output Transcription: cotton is a wonderful thing is it not boys she said rather primly -2021-09-20 08:32:00.587 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:32:00.589 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: they do not go where the enemies of the gospel predominate they go where the christians are -Output Transcription: they do not go where the enemies of the gospel predominate they go we christians are -2021-09-20 08:32:00.591 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.117647 -2021-09-20 08:32:00.593 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: has thee consulted thy mother about a career i suppose it is a career thee wants -Output Transcription: as the consulted thy mother about a career i suppose it is a realy wants -2021-09-20 08:32:00.595 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.250000 -2021-09-20 08:32:00.595 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: they are chiefly formed from combinations of the impressions made in childhood -Output Transcription: they are chiefly formed from combinations of the impressions made in childhood -2021-09-20 08:32:00.596 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:32:00.596 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: what she wanted from us was neither our flowers nor our francs but just our youth -Output Transcription: what she wanted from us was neither our flowers nor our francs but just our youth -2021-09-20 08:32:00.596 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:32:00.596 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: that is one reason you are ojo the unlucky said the woman in a sympathetic tone -Output Transcription: that is one reason you are ojo the unlucky said the woman in a sympathetic tone -2021-09-20 08:32:00.597 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:32:00.597 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: all these honest persons are waiting their turn to get their snuff boxes filled -Output Transcription: all these honest persons are waiting their turn to get their snuff boxes filled -2021-09-20 08:32:00.597 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:32:00.599 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: munny my iron's twite told pease put it down to warm -Output Transcription: money myron stratton peace put it down to warm -2021-09-20 08:32:00.600 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.545455 -2021-09-20 08:32:00.600 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: you would not eat with us you cannot say no to half of my ale i drink this to your health -Output Transcription: you would not eat with us you cannot say no to half of my ale i drink this to your health -2021-09-20 08:32:00.601 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:32:00.602 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the young girls had indeed made themselves small indeed invisible -Output Transcription: the young girls had indeed made themselves small indeed invisible -2021-09-20 08:32:00.602 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:32:00.603 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: our baggage was immediately carried to the deck of the frigate i rushed aboard -Output Transcription: our baggage was immediately carried to the deck of the frigate i rushed aboard -2021-09-20 08:32:00.603 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:32:00.605 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the most famous of them all was the overthrow of the island of atlantis -Output Transcription: the most famous of them all was the overthrow of the island of twenties -2021-09-20 08:32:00.608 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.071429 -2021-09-20 08:32:00.610 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: nothing was to be done but to put about and return in disappointment towards the north -Output Transcription: nothing was to be done but to put about and return and disappointment towards the north -2021-09-20 08:32:00.612 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.062500 -2021-09-20 08:32:00.612 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the leaders of the conspiracy became distrustful of their power to crush the town -Output Transcription: the leaders of the conspiracy became distrustful of their power to crush the town -2021-09-20 08:32:00.613 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:32:00.613 | INFO | deepspeech2x.model:test:372 - Error rate [wer] (1184/?) = 0.080694 -2021-09-20 08:32:02.788 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: mary taylor however related the tale of zora to missus grey's private ear later -Output Transcription: mary tao however related the tale of zor to missus grey's private ear later -2021-09-20 08:32:02.790 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.142857 -2021-09-20 08:32:02.793 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: no thank you i'll just look at the whelps and leave a message about them with your shepherd -Output Transcription: no thank you i'll just look at the welds and leave a message about them with your shepherd -2021-09-20 08:32:02.795 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.055556 -2021-09-20 08:32:02.796 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i gave him a little brandy and left him collapsed in a chair while i made a most careful examination of the room -Output Transcription: i gave him a little brandy and left him collapsed in a chair while i made a most careful examination of the room -2021-09-20 08:32:02.796 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:32:02.798 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: they they excite me in some way and i i can't bear them you must excuse me -Output Transcription: that they excite me in some way and i i can't bear them you must excuse me -2021-09-20 08:32:02.801 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.058824 -2021-09-20 08:32:02.803 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: in the nature of things luxuries and the comforts of life belong to the leisure class -Output Transcription: in the nature of things luxuries and the comforts of life belonged to the leisure class -2021-09-20 08:32:02.805 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.062500 -2021-09-20 08:32:02.805 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: but you must not eat with your cap on your head she said and was going to take it off -Output Transcription: but you must not eat with your cap on your head she said and was going to take it off -2021-09-20 08:32:02.805 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:32:02.807 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: my wife on the spur of the moment managed to give the gentlemen a very good dinner -Output Transcription: my wife on the spur the moment managed to give the gentleman a very good dinner -2021-09-20 08:32:02.809 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.117647 -2021-09-20 08:32:02.810 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: sometimes it is called a crazy quilt because the patches and colors are so mixed up -Output Transcription: sometimes it is called a crazy quilt because the patches and colors are so mixed up -2021-09-20 08:32:02.810 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:32:02.813 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: what shall we do with the mingoes at the door they count six and this singer is as good as nothing -Output Transcription: what shall we do with the mangoes at the door they count six and the singer is as good as nothing -2021-09-20 08:32:02.817 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.095238 -2021-09-20 08:32:02.819 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: that's the way with you that's the road you'd all like to go headlongs to ruin -Output Transcription: that's the way with you that's the road you do like to go headlong to ruin -2021-09-20 08:32:02.821 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.187500 -2021-09-20 08:32:02.823 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: westmere and i were back after the first act and we thought she seemed quite uncertain of herself -Output Transcription: west me and i were back after the first act he thought she seemed quite uncertain of herself -2021-09-20 08:32:02.826 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.222222 -2021-09-20 08:32:02.829 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i stood with my back to the wall for i wanted no sword reaching out of the dark for me -Output Transcription: i stood with my back to the wall for i wanted no sword reaching out the dark for me -2021-09-20 08:32:02.832 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.050000 -2021-09-20 08:32:02.832 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: otherwise paul should have written grace from god the father and peace from our lord jesus christ -Output Transcription: otherwise paul should have written grace from god the father and peace from our lord jesus christ -2021-09-20 08:32:02.832 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:32:02.833 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: there it clothes itself in word masks in metaphor rags -Output Transcription: there it clothes itself in word masks in mefor rags -2021-09-20 08:32:02.834 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.100000 -2021-09-20 08:32:02.834 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: in the communities of the western culture this point is at present found among the lower middle class -Output Transcription: in the communities of the western culture this point is at present found among the lower middle class -2021-09-20 08:32:02.835 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:32:02.836 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the head and chief of the riot the nottingham apprentice with clenched fists threatened montfichet -Output Transcription: the head and chief of the riot nottingham apprenticed with clench fists threatened mofie -2021-09-20 08:32:02.838 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.266667 -2021-09-20 08:32:02.840 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: whose feet are as the feet of harts and underneath the everlasting arms -Output Transcription: whose feet are as the feet of hearts and underneath the everlasting arms -2021-09-20 08:32:02.841 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.076923 -2021-09-20 08:32:02.844 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: but now here is a subject of which you will wonder at first why turner drew it at all -Output Transcription: but now here's a subject of which you will wonder at first why turner drew it at all -2021-09-20 08:32:02.846 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.105263 -2021-09-20 08:32:02.847 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: humpy dumpy fell downstairs and yet he married the princess -Output Transcription: humpy don't be fell downstairs and yet he married the princess -2021-09-20 08:32:02.848 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.200000 -2021-09-20 08:32:02.850 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: he still held on to it with both hands as he rushed into his mother's cottage -Output Transcription: he still held onto it with both hands as he rushed into his mother's cottage -2021-09-20 08:32:02.852 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.125000 -2021-09-20 08:32:02.853 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: departing from five hundred thousand throats three cheers burst forth in succession -Output Transcription: departing from five hundred thousand throats three cheers burst forth in succession -2021-09-20 08:32:02.853 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:32:02.854 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: nay we refused their request most politely most noble said the little stroller -Output Transcription: nay we refuse their request most politely most noble said the little stroller -2021-09-20 08:32:02.856 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.076923 -2021-09-20 08:32:02.857 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: he sat down weak bewildered and one thought was uppermost zora -Output Transcription: he sat down weak bewildered and one thought was uppermost sore -2021-09-20 08:32:02.858 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.090909 -2021-09-20 08:32:02.860 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: for a while she lay in her chair in happy dreamy pleasure at sun and bird and tree -Output Transcription: for a while she lay in her chair in happy dreamy pleasure its sun and bird and tree -2021-09-20 08:32:02.863 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.055556 -2021-09-20 08:32:02.863 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: in five minutes i was in a new world and my melancholy room was full of the liveliest french company -Output Transcription: in five minutes i was in a new world and my melancholy room was full of the liveliest french company -2021-09-20 08:32:02.864 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:32:02.865 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: and then you came back not caring very much but it made no difference -Output Transcription: and then you came back not caring very much but it made no difference -2021-09-20 08:32:02.865 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:32:02.865 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: nonsense of course i can't really sing except the way my mother and grandmother did before me -Output Transcription: nonsense of course i can't really sing except the way my mother and grandmother did before me -2021-09-20 08:32:02.866 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:32:02.866 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: they then renewed their journey and under the better light made a safe crossing of the stable roofs -Output Transcription: they then renewed their journey and under the better light made a safe crossing of the stable roofs -2021-09-20 08:32:02.866 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:32:02.867 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: oh let him come along she urged i do love to see him about that old house -Output Transcription: oh let him come along she urged i do love to see him about that old house -2021-09-20 08:32:02.867 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:32:02.867 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: for a full hour he had paced up and down waiting but he could wait no longer -Output Transcription: for a full hour he had paced up and down waiting but he could wait no longer -2021-09-20 08:32:02.868 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:32:02.869 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: underscore these words for they are full of comfort for sore consciences -Output Transcription: underscore these words for they are full of comfort for sore consciences -2021-09-20 08:32:02.869 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:32:02.871 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: where the waves for an instant sank they came closer but not quite within grasping reach -Output Transcription: where the waves for an instant sink they came closer but not quite within grasping reach -2021-09-20 08:32:02.873 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.062500 -2021-09-20 08:32:02.874 | INFO | deepspeech2x.model:test:372 - Error rate [wer] (1216/?) = 0.079953 -2021-09-20 08:32:04.442 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: you speak like an educated person said beth wonderingly where is your home -Output Transcription: you speak like an educated person said beth wonderingly where is your home -2021-09-20 08:32:04.443 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:32:04.444 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: substantially this was jacob's unvarnished description of his master and mistress -Output Transcription: substantial lateness was jacob's unvarnished description of his master and mistress -2021-09-20 08:32:04.445 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.181818 -2021-09-20 08:32:04.446 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i should never have asked you if molly had been here for i remember you don't like english cookery -Output Transcription: i should never have asked you if molly had been here for i remember you don't like english cookery -2021-09-20 08:32:04.446 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:32:04.447 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: facts form one of these and ideas the other -Output Transcription: facts for one of these and i tears the other -2021-09-20 08:32:04.448 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.333333 -2021-09-20 08:32:04.449 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: not for a crown or a kingdom or our goodness but for our sins -Output Transcription: not for a crown were a kingdom where our goodness before sins -2021-09-20 08:32:04.451 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.357143 -2021-09-20 08:32:04.451 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: his death in this conjuncture was a public misfortune -Output Transcription: his death in this conjuncture was a public misfortune -2021-09-20 08:32:04.451 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:32:04.453 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: whatever appealed to her sense of beauty was straightway transferred to paper or canvas -Output Transcription: whatever appeal to her sense of beauty was straightway transferred to paper or canvas -2021-09-20 08:32:04.455 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.071429 -2021-09-20 08:32:04.457 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: she rose quickly to her feet with an impetuous gesture that made her visitor catch her breath -Output Transcription: she rose quickly to her feet with an impetuous gesture that made her visit or catch her breath -2021-09-20 08:32:04.459 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.117647 -2021-09-20 08:32:04.461 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: we were more interested in the technical condition of the station than in the commercial part -Output Transcription: we were more interested in the technical condition of the station that in the commercial part -2021-09-20 08:32:04.463 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.062500 -2021-09-20 08:32:04.466 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: fast as his legs could carry him servadac had made his way to the top of the cliff -Output Transcription: fast as his legs could carry him ser adac had made his way to the top of the cliff -2021-09-20 08:32:04.469 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.111111 -2021-09-20 08:32:04.469 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: all the time he was talking to me his angry little eyes were following lake -Output Transcription: all the time he was talking to me his angry little eyes were following lake -2021-09-20 08:32:04.469 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:32:04.470 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: to my mind there has always been something inexpressibly awful in family feuds -Output Transcription: to my mind there has always been something inexpressibly awful in family feuds -2021-09-20 08:32:04.470 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:32:04.471 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: she then rose humming the air to which she was presently going to dance -Output Transcription: she then rose humming the air to which she was presently going to dance -2021-09-20 08:32:04.471 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:32:04.474 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: at once the goat gave a leap escaped from the soldiers and with bowed head rushed upon the boolooroo -Output Transcription: at once the goat gave a leap escape from the soldiers and with bowed head rushed upon the booooo -2021-09-20 08:32:04.477 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.105263 -2021-09-20 08:32:04.480 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: yes and with all your fingers it took you a year to catch me the king frowned more angrily -Output Transcription: yes and with all your fingers it took you a year to catch me the king frown more angrily -2021-09-20 08:32:04.483 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.052632 -2021-09-20 08:32:04.486 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: but suppose you said i'm fond of writing my people always say my letters home are good enough for punch -Output Transcription: but suppose you said i'm fond of writing my people always say my letters home or good enough for punch -2021-09-20 08:32:04.489 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.050000 -2021-09-20 08:32:04.490 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: it is enough said george gamewell sharply and he turned upon the crowd -Output Transcription: it is enough said george game well sharply as he turned upon the crowd -2021-09-20 08:32:04.492 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.230769 -2021-09-20 08:32:04.495 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: fitzooth's hand rested at last upon the top rung of a ladder and slowly the truth came to him -Output Transcription: tooth's hand rested at last upon the top rung of a ladder and slowly the truth came to him -2021-09-20 08:32:04.497 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.052632 -2021-09-20 08:32:04.499 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: well mother said the young student looking up with a shade of impatience -Output Transcription: well mother said the young student looking up with the shade of impatience -2021-09-20 08:32:04.500 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.076923 -2021-09-20 08:32:04.502 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: yes dead these four years an a good job for her too -Output Transcription: yes dead these four years and a good job for her to -2021-09-20 08:32:04.503 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.166667 -2021-09-20 08:32:04.503 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: she signed to me with a ghostly solemnity to take the vacant place on the left of her father -Output Transcription: she signed to me with a ghostly solemnity to take the vacant place on the left of her father -2021-09-20 08:32:04.503 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:32:04.504 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: their assumed character changed with their changing opportunities or necessities -Output Transcription: there assumed character changed with their changing opportunities or necessities -2021-09-20 08:32:04.505 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.100000 -2021-09-20 08:32:04.508 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: as soon as they entered the room of the great knife the boolooroo gave a yell of disappointment -Output Transcription: as soon as they entered the room of the great knife the booooo gave a yell of disappointment -2021-09-20 08:32:04.510 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.055556 -2021-09-20 08:32:04.514 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: irene burgoyne one of her family told me in confidence that there was a romance somewhere back in the beginning -Output Transcription: i rember going one of her family told me in confidence that there was a romance somewhere back in the beginning -2021-09-20 08:32:04.517 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.150000 -2021-09-20 08:32:04.517 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: she closed her eyes and took a deep breath as if to draw in again the fragrance of those days -Output Transcription: she closed her eyes and took a deep breath as if to draw in again the fragrance of those days -2021-09-20 08:32:04.517 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:32:04.518 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: their distinctive characters however display one broad and unfailing difference -Output Transcription: their distinctive characters however display one broad and unfailing difference -2021-09-20 08:32:04.518 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:32:04.518 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i dare not go so far as that but of the three he is perhaps the least unlikely -Output Transcription: i dare not go so far as that but of the three he is perhaps the least unlikely -2021-09-20 08:32:04.519 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:32:04.520 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: no cathedral not even burgos itself could vie with the church at montmartre -Output Transcription: no cathedral and even burgos itself could vie with the church at montmartre -2021-09-20 08:32:04.522 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.076923 -2021-09-20 08:32:04.523 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: there's a heavy storm coming on i cried pointing towards the horizon -Output Transcription: there's a heavy storm coming on i cried pointing towards the horizon -2021-09-20 08:32:04.523 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:32:04.523 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i see a crowd in one corner of the garden everybody standing still and looking up -Output Transcription: i see a crowd in one corner of the garden everybody standing still and looking up -2021-09-20 08:32:04.524 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:32:04.526 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: she is under sail but she is count timascheff's yacht he was right -Output Transcription: she is under sail that she is count time shafts yacht he was right -2021-09-20 08:32:04.527 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.230769 -2021-09-20 08:32:04.530 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: paul declares that the false apostles were called or sent neither by men nor by man -Output Transcription: paul declares of the false apostles were called the sent neither by men nor by man -2021-09-20 08:32:04.532 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.125000 -2021-09-20 08:32:04.533 | INFO | deepspeech2x.model:test:372 - Error rate [wer] (1248/?) = 0.079910 -2021-09-20 08:32:06.147 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: keswick march twenty second eighteen thirty seven dear madam -Output Transcription: keswick march twenty second eighteen thirty seven dear madame -2021-09-20 08:32:06.149 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.111111 -2021-09-20 08:32:06.151 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: you are a worthy leech will presently whispered robin the wine has worked a marvel -Output Transcription: you are worthy leavell presently whispered robin the wine has worked a marvel -2021-09-20 08:32:06.152 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.200000 -2021-09-20 08:32:06.152 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the drag upon his beak and the light check upon his wings were inexplicable to him and appalling -Output Transcription: the drag upon his beak and the light check upon his wings were inexplicable to him and appalling -2021-09-20 08:32:06.153 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:32:06.156 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: but it is surmised that you will find difficulties in the way of your entering at once upon your government -Output Transcription: but it is surmise that you will find difficulties in the way of your entering at once upon your governor -2021-09-20 08:32:06.159 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.100000 -2021-09-20 08:32:06.161 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: chingachgook had caught the look and motioning with his hand he bade him speak -Output Transcription: chinuch cook had caught the look and motioning with his hand he bade him speak -2021-09-20 08:32:06.163 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.142857 -2021-09-20 08:32:06.163 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: grace be to you and peace from god the father and from our lord jesus christ -Output Transcription: grace be to you and peace from god the father and from our lord jesus christ -2021-09-20 08:32:06.163 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:32:06.165 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: do we really know the mountain well when we are not acquainted with the cavern -Output Transcription: do we really know the mounted well when we are not acquainted with the cavern -2021-09-20 08:32:06.167 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.066667 -2021-09-20 08:32:06.168 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the peculiar circumstances of the colony are within your excellency's knowledge -Output Transcription: the peculiar circumstances of the colony are within your excellencies knowledge -2021-09-20 08:32:06.169 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.090909 -2021-09-20 08:32:06.169 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: he refused at first to listen to the careful advice it was repugnant to his liberal nature -Output Transcription: he refused at first to listen to the careful advice it was repugnant to his liberal nature -2021-09-20 08:32:06.170 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:32:06.172 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: as regards my robbing the company i'll say that i saved them a heavy loss one day -Output Transcription: as regards my robbing the company i'll say that i saved him a heavy loss one day -2021-09-20 08:32:06.174 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.058824 -2021-09-20 08:32:06.174 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: they left him then for the jailer arrived to unlock the door and escort them to the office -Output Transcription: they left him then for the jailer arrived to unlock the door and escort them to the office -2021-09-20 08:32:06.175 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:32:06.175 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the vicious character of sin is brought out by the words who gave himself for our sins -Output Transcription: the vicious character of sin is brought out by the words who gave himself for our sins -2021-09-20 08:32:06.175 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:32:06.175 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the poor little things cried cynthia think of them having been turned to the wall all these years -Output Transcription: the poor little things cried cynthia think of them having been turned to the wall all these years -2021-09-20 08:32:06.176 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:32:06.179 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: but young sharp tongue now that we have caught you we will put you into a trap that you cannot get out of -Output Transcription: but young sharp tongue now that we have caught you will put you into a trap that you cannot get out of -2021-09-20 08:32:06.183 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.043478 -2021-09-20 08:32:06.187 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: and with it i leave you a name sif the friendly i shall hope to drink with you sometime in valhalla -Output Transcription: and with it i leave you a name sift the friendly i shall hope to drink with you some time in valhalla -2021-09-20 08:32:06.190 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.142857 -2021-09-20 08:32:06.190 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: exquisite soft turf of the woods the happiness which your friendship confers upon me -Output Transcription: exquisite soft turf of the woods the happiness which your friendship confers upon me -2021-09-20 08:32:06.191 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:32:06.191 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: he darted through the trees and paused a tall man strongly but slimly made -Output Transcription: he darted through the trees and paused a tall man strongly but slimly made -2021-09-20 08:32:06.191 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:32:06.193 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: why it's in missouri somewhere on the frontier i think we'll get a map -Output Transcription: white to missouri somewhere on the frontier i think we'll get a map -2021-09-20 08:32:06.194 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.214286 -2021-09-20 08:32:06.195 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: he made an effort to hide his condition from them all and robin felt his fingers tighten upon his arm -Output Transcription: he made an effort to hide his condition from them all and robin felt his fingers tighten upon his arm -2021-09-20 08:32:06.195 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:32:06.198 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i can assure you he has not even allowed me to see the trigger since i have been on board -Output Transcription: i can assure you he is not even allowed me to see the trigger since i have been on board -2021-09-20 08:32:06.201 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.050000 -2021-09-20 08:32:06.201 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: margaret bolton almost lost for a moment her habitual placidity -Output Transcription: margaret bolton almost lost for a moment her habitual placidity -2021-09-20 08:32:06.201 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:32:06.205 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: you see i've lived all my life with unc nunkie the silent one and there was no one to tell me anything -Output Transcription: you see i've lived all my life without monkey the silent one and there was no one to tell me anything -2021-09-20 08:32:06.208 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.136364 -2021-09-20 08:32:06.209 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: he felt he was up against it and that perhaps another kind of a job would suit him better -Output Transcription: he felt he was up against it and that perhaps another kind of a job would suit him better -2021-09-20 08:32:06.209 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:32:06.211 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: this differentiation is furthered by the inheritance of wealth and the consequent inheritance of gentility -Output Transcription: this differentiation is further by the inheritance of wealth and the consequent inheritance of gentility -2021-09-20 08:32:06.213 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.066667 -2021-09-20 08:32:06.213 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: why should one not explore everything and study everything -Output Transcription: why should one not explore everything and study everything -2021-09-20 08:32:06.214 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:32:06.216 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the sound of an imperative and uncompromising bell recalled me in due time to the regions of reality -Output Transcription: the sound of an imperative and uncompromising bell recalled me in due time to the region's reality -2021-09-20 08:32:06.219 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.111111 -2021-09-20 08:32:06.220 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the sombre old trees like gigantic hearse plumes black and awful -Output Transcription: the sombre old trees a gigantic curse plumes black and awful -2021-09-20 08:32:06.221 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.181818 -2021-09-20 08:32:06.222 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: grandfather was alexander carey l l d doctor of laws that is -Output Transcription: grandfather was alexander carey l l d doctor of laws that is -2021-09-20 08:32:06.222 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:32:06.223 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: tables were spread on the lawn and a dainty but substantial repast was to be served -Output Transcription: tables were spread on the lawn and a dainty but substantial repast was to be served -2021-09-20 08:32:06.223 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:32:06.223 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the military force partly rabble partly organized had meanwhile moved into the town -Output Transcription: the military force partly rabble partly organized had meanwhile moved into the town -2021-09-20 08:32:06.224 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:32:06.225 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: munny i tould ike to do into de barn to tommy to see de whittawd -Output Transcription: money i didi to do into the barn to tommy to see the widowed -2021-09-20 08:32:06.228 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.400000 -2021-09-20 08:32:06.228 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: he stood still in deference to their calls and parried their banter with easy words -Output Transcription: he stood still in deference to their calls and parried their banter with easy words -2021-09-20 08:32:06.228 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:32:06.230 | INFO | deepspeech2x.model:test:372 - Error rate [wer] (1280/?) = 0.079337 -2021-09-20 08:32:10.236 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: finally the one party went off exulting and the other was left in desolation and woe -Output Transcription: finally the one party went off exalting and the other was left in desolation and well -2021-09-20 08:32:10.239 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.125000 -2021-09-20 08:32:10.239 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: can these things be returned david breathing more freely as the truth began to dawn upon him -Output Transcription: can these things be returned david breathing more freely as the truth began to dawn upon him -2021-09-20 08:32:10.240 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:32:10.240 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: then as if satisfied of their safety the scout left his position and slowly entered the place -Output Transcription: then as if satisfied of their safety the scout left his position and slowly entered the place -2021-09-20 08:32:10.241 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:32:10.241 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: some mysterious force seemed to have brought about a convulsion of the elements -Output Transcription: some mysterious force seemed to have brought about a convulsion of the elements -2021-09-20 08:32:10.241 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:32:10.241 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i saw at the hamburg museum the skeleton of one of these creatures thirty feet in length -Output Transcription: i saw at the hamburg museum the skeleton of one of these creatures thirty feet in length -2021-09-20 08:32:10.242 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:32:10.242 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the utility of consumption as an evidence of wealth is to be classed as a derivative growth -Output Transcription: the utility of consumption as an evidence of wealth is to be classed as a derivative growth -2021-09-20 08:32:10.242 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:32:10.242 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: oh sir said missus poyser rather alarmed you wouldn't like it at all -Output Transcription: oh sir said missus poyser rather alarmed you wouldn't like it at all -2021-09-20 08:32:10.243 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:32:10.245 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: moreover had the people been inclined to rebellion what greater opportunity could they have wished -Output Transcription: moreover had the people been inclined to rebellion woke greater opportunity could they have wished -2021-09-20 08:32:10.246 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.066667 -2021-09-20 08:32:10.247 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: now be silent on your lives he began but the captured apprentice set up an instant shout -Output Transcription: now be silent on your lives he began but the captured apprentice set up an instant shout -2021-09-20 08:32:10.247 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:32:10.247 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: thrusting open the proper entrance of the tent robin suddenly rushed forth with his burden with a great shout -Output Transcription: thrusting open the proper entrance of the tent robin suddenly rushed forth with his burden with a great shout -2021-09-20 08:32:10.247 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:32:10.250 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: we have our little struggles here as elsewhere and all things cannot be done by rose water -Output Transcription: we have our little struggles here as elsewhere and all things cannot be done by rosewater -2021-09-20 08:32:10.252 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.117647 -2021-09-20 08:32:10.252 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: as soon as these dispositions were made the scout turned to david and gave him his parting instructions -Output Transcription: as soon as these dispositions were made the scout turned to david and gave him his parting instructions -2021-09-20 08:32:10.253 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:32:10.254 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: all about him was a tumult of bright and broken color scattered in broad splashes -Output Transcription: all about him was a tumult of bright and broken color scattered and broad splashes -2021-09-20 08:32:10.256 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.066667 -2021-09-20 08:32:10.257 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: this attitude is universal and particularly developed in those who consider themselves better than others -Output Transcription: this attitude is universal and particularly developed in those who consider themselves better than others -2021-09-20 08:32:10.257 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:32:10.259 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: tell us said the other the whole story and where solon heard the story -Output Transcription: tell us said the other the whole story and were solemn heard this story -2021-09-20 08:32:10.261 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.214286 -2021-09-20 08:32:10.261 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: here go and get me change for a louis i have it sir -Output Transcription: here go and get me change for a louis i have it sir -2021-09-20 08:32:10.261 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:32:10.264 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: she considered a moment and then said no i think not though i am glad you ask me -Output Transcription: she considered for a moment and then said no i think not the way i'm glad you ask me -2021-09-20 08:32:10.267 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.222222 -2021-09-20 08:32:10.267 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i discovered and put out a fire that would have destroyed the whole plant but marshall never even thanked me -Output Transcription: i discovered and put out a fire that would have destroyed the whole plant but marshall never even thanked me -2021-09-20 08:32:10.267 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:32:10.267 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: there was good reason to stop and think even for the world's most emotionless man -Output Transcription: there was good reason to stop and think even for the world's most emotionless man -2021-09-20 08:32:10.268 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:32:10.268 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: what could he do he caught up everything which would betray him and he rushed into your bedroom to conceal himself -Output Transcription: what could he do he caught up everything which would betray him and he rushed into your bedroom to conceal himself -2021-09-20 08:32:10.268 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:32:10.269 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: then rogers wouldn't do anything but lead her around and wait upon her and the place went to rack and ruin -Output Transcription: then rogers wouldn't do anything but lead her around and wait upon her and the place went to rack and ruin -2021-09-20 08:32:10.269 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:32:10.273 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: that is the best way to decide for the spear will always point somewhere and one thing is as good as another -Output Transcription: that is the best way to the side of the sphere will always point somewhere and one thing is as good as another -2021-09-20 08:32:10.277 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.181818 -2021-09-20 08:32:10.277 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: wherever the means of grace are found there is the holy church even though antichrist reigns there -Output Transcription: wherever the means of grace are found there is the holy church even though antichrist reigns there -2021-09-20 08:32:10.277 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:32:10.277 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: what sir i said to him am i fortunate enough to see you -Output Transcription: what sir i said to him am i fortunate enough to see you -2021-09-20 08:32:10.278 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:32:10.278 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: old dances are simplified of their yearning bleached by time -Output Transcription: old dances are simplified of their yearning bleached by time -2021-09-20 08:32:10.278 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:32:10.280 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: scuse me said trot i neglected to tell you that you're not the boolooroo any more -Output Transcription: excuse me said shot i neglected to tell you that you're not the boooo any more -2021-09-20 08:32:10.283 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.187500 -2021-09-20 08:32:10.283 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: she was the most agreeable woman i've ever known in her position she would have been worthy of any whatever -Output Transcription: she was the most agreeable woman i've ever known in her position she would have been worthy of any whatever -2021-09-20 08:32:10.284 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:32:10.284 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i will show you what a good job i did and she went to a tall cupboard and threw open the doors -Output Transcription: i will show you what a good job i did and she went to a tall cupboard and threw open the doors -2021-09-20 08:32:10.284 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:32:10.287 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: naomi shook her forefinger reproachfully at them as if the two sturdy young farmers had been two children -Output Transcription: he only shook a forefinger reproachfully at them as if the two sturdy on farmers had been two children -2021-09-20 08:32:10.290 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.222222 -2021-09-20 08:32:10.292 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: to this his answer was prompt oh thank god no and is the record yours -Output Transcription: to this his answer was prompt oh thank god now and is the record yours -2021-09-20 08:32:10.294 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.066667 -2021-09-20 08:32:10.295 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: but the real significance and comfort of the words for our sins is lost upon them -Output Transcription: but the real significance and comfort of the words for our sins is lost upon them -2021-09-20 08:32:10.295 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:32:10.298 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: you were quite right to say no ambrose began never smoke with john jago his cigars will poison you -Output Transcription: you were quite right to say no ambrose began never smoke a jonah his cigars will poison you -2021-09-20 08:32:10.301 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.157895 -2021-09-20 08:32:10.302 | INFO | deepspeech2x.model:test:372 - Error rate [wer] (1312/?) = 0.078262 -2021-09-20 08:32:12.683 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i take this as my answer and i leave the professor to bite his lips with impatience -Output Transcription: i take this as my answer and i leave the professor to bite his lips with impatience -2021-09-20 08:32:12.684 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:32:12.684 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: could it mean to last a love set pendulous between sorrow and sorrow -Output Transcription: could it mean to last a love set pendulous between sorrow and sorrow -2021-09-20 08:32:12.685 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:32:12.685 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the rector paused and then shaking his clasped hands before him went on -Output Transcription: the rector paused and then shaking his clasped hands before him went on -2021-09-20 08:32:12.685 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:32:12.688 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: why should i rust and be stupid and sit in inaction because i am a girl -Output Transcription: why should i rest and be stupid and sit in an action because i am a girl -2021-09-20 08:32:12.690 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.187500 -2021-09-20 08:32:12.692 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: as he flew his down reaching clutching talons were not half a yard above the fugitive's head -Output Transcription: as he flew his down meeting clutching talons were not half a yard about the fugitives head -2021-09-20 08:32:12.694 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.176471 -2021-09-20 08:32:12.695 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: but the dusk deepening in the schoolroom covered over his thoughts the bell rang -Output Transcription: but the dusk deepening in the schoolroom covered over his thoughts the bell rang -2021-09-20 08:32:12.695 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:32:12.698 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i could write to my man and enclose the key he could send down the packet as he finds it -Output Transcription: i could write to my man and enclosed the key he could send down the packet as he finds it -2021-09-20 08:32:12.701 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.050000 -2021-09-20 08:32:12.703 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: in the evenings i confess i do think but i never trouble any one else with my thoughts -Output Transcription: in the evenings i confess i do think but i never trouble anyone else with my thoughts -2021-09-20 08:32:12.706 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.111111 -2021-09-20 08:32:12.707 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: meanwhile rodolfo had leocadia safe in his custody and in his own apartment -Output Transcription: meanwhile rudolph had locali safe in his custody and in his own apartment -2021-09-20 08:32:12.709 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.153846 -2021-09-20 08:32:12.711 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: we are traveling replied ojo and we stopped at your house just to rest and refresh ourselves -Output Transcription: we are traveling replied ojo and the stuff at your health just to rest and refresh ourselves -2021-09-20 08:32:12.713 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.176471 -2021-09-20 08:32:12.716 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: pearl seeing the rose bushes began to cry for a red rose and would not be pacified -Output Transcription: pearl seeing the rose bushes began to cry for our red rose and would not be pacified -2021-09-20 08:32:12.718 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.058824 -2021-09-20 08:32:12.718 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: this has indeed been a harassing day continued the young man his eyes fixed upon his friend -Output Transcription: this has indeed been a harassing day continued the young man his eyes fixed upon his friend -2021-09-20 08:32:12.719 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:32:12.722 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: you will say that a woman has no need of such a caution there can be no peril in it for her -Output Transcription: you will say that a woman has no need of such caution there can be no peril in it for her -2021-09-20 08:32:12.726 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.045455 -2021-09-20 08:32:12.726 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: it was the scarlet letter in another form the scarlet letter endowed with life -Output Transcription: it was the scarlet letter in another form the scarlet letter endowed with life -2021-09-20 08:32:12.726 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:32:12.729 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: my scholar has been left very poor but he is hard working and industrious he will do well -Output Transcription: my scholar has been left a very poor but he is hard working and industrious he will do well -2021-09-20 08:32:12.731 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.055556 -2021-09-20 08:32:12.732 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: they were both remembering what the woman had said when she took the money god give you a happy love -Output Transcription: they were both remembering what the woman had said when she took the money god give you a happy love -2021-09-20 08:32:12.732 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:32:12.735 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the first lot we tested on our glass cat which not only began to live but has lived ever since -Output Transcription: the first lot we tested on our glass hat which not only began to live but has lived ever since -2021-09-20 08:32:12.738 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.050000 -2021-09-20 08:32:12.741 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the raft was heaved up on a watery mountain and pitched down again at a distance of twenty fathoms -Output Transcription: the raft was heat up on a water mountain and pitched down again at a distance of twenty fathoms -2021-09-20 08:32:12.744 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.105263 -2021-09-20 08:32:12.744 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: bartley bent over and took her in his arms kissing her mouth and her wet tired eyes -Output Transcription: bartley bent over and took her in his arms kissing her mouth and her wet tired eyes -2021-09-20 08:32:12.745 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:32:12.749 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: here is a ring for sif the friendly and here is a bracelet a sword would not be ashamed to hang at your side -Output Transcription: here is a ring for sift the friendly and here is a bracelet and a sword would not be ashamed to hang at your side -2021-09-20 08:32:12.754 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.083333 -2021-09-20 08:32:12.756 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: choking with emotion leocadi made a sign to her parents that she wished to be alone with them -Output Transcription: choking with emotion leucadia made a sign to her parents that she wished to be alone with him -2021-09-20 08:32:12.759 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.111111 -2021-09-20 08:32:12.759 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: she introduced me to all her guests and gave me some particulars respecting every one of them -Output Transcription: she introduced me to all her guests and gave me some particulars respecting every one of them -2021-09-20 08:32:12.759 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:32:12.759 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: open thy heart wide and fold within the wet wings of thy dove -Output Transcription: open thy heart wide and fold within the wet wings of thy dove -2021-09-20 08:32:12.760 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:32:12.760 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the pride of that dim image brought back to his mind the dignity of the office he had refused -Output Transcription: the pride of that dim image brought back to his mind the dignity of the office he had refused -2021-09-20 08:32:12.760 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:32:12.760 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: you'll easily judge why when you hear because the thing had been such a scare he continued to fix me -Output Transcription: you'll easily judge why when you hear because the thing had been such a scare he continued to fix me -2021-09-20 08:32:12.761 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:32:12.762 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: as a private citizen i shall be a model of deportment because it would be dangerous to be otherwise -Output Transcription: as a private citizen i shall be a model of deportment because it would be dangerous to be otherwise -2021-09-20 08:32:12.762 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:32:12.762 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i thank all who have loved me in their hearts with thanks and love from mine -Output Transcription: i thank all who have loved me in their hearts with thanks and love from mine -2021-09-20 08:32:12.763 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:32:12.763 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the glimmering sea of delicate leaves whispered and murmured before her stretching away to the northward -Output Transcription: the glimmering sea of delicate leaves whispered and murmured before her stretching away to the northward -2021-09-20 08:32:12.763 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:32:12.767 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: this set of rooms is quite the oldest in the college and it is not unusual for visitors to go over them -Output Transcription: the set of rooms is quite the oldest in the college and it is not unusual for visitors to go over them -2021-09-20 08:32:12.771 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.045455 -2021-09-20 08:32:12.772 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: footnote sumner to shannon may twelfth eighteen fifty six -Output Transcription: foot note summer to shannon may twelve eighteen fifty six -2021-09-20 08:32:12.774 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.444444 -2021-09-20 08:32:12.774 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: there is hardly one day out of a hundred which is wholly joyous and sunny -Output Transcription: there is hardly one day out of a hundred which is wholly joyous and sunny -2021-09-20 08:32:12.774 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:32:12.778 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: yet here are we within a short range of the scaroons and not a sign of a trail have we crossed -Output Transcription: yet here are we within a short range of the sharons and not a sign of a trail have we crossed -2021-09-20 08:32:12.781 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.047619 -2021-09-20 08:32:12.782 | INFO | deepspeech2x.model:test:372 - Error rate [wer] (1344/?) = 0.077328 -2021-09-20 08:32:14.564 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: yes we are certainly i replied evasively but after we make a detour -Output Transcription: yes we are certainly i replied evasively but after we make a detour -2021-09-20 08:32:14.565 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:32:14.565 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: and this was why kenneth and beth discovered him conversing with the young woman in the buggy -Output Transcription: and this was why kenneth and beth discovered him conversing with the young woman in the buggy -2021-09-20 08:32:14.565 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:32:14.566 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: harangue the tiresome product of a tireless tongue -Output Transcription: herring the tiresome product of a tireless tongue -2021-09-20 08:32:14.567 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.125000 -2021-09-20 08:32:14.570 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: this she said was true hospitality and i am not sure that i did not agree with her -Output Transcription: this she said was true hospitality and i am not sure that i did not agree with there -2021-09-20 08:32:14.572 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.055556 -2021-09-20 08:32:14.575 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: and this plan was adopted too in order to extract from me a promise that i would depart in peace -Output Transcription: and this plan was adopted to in order to extract from me a promise that i would depart in peace -2021-09-20 08:32:14.578 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.050000 -2021-09-20 08:32:14.581 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: my friend did not appear to be depressed by his failure but shrugged his shoulders in half humorous resignation -Output Transcription: my friend did not appear to be depressed by his failure but shrugged his shoulders and half humorous resignation -2021-09-20 08:32:14.584 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.052632 -2021-09-20 08:32:14.586 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i expect you have been a very good girl andella since you were here last -Output Transcription: i expect you have been a very good girl and della since you were here last -2021-09-20 08:32:14.588 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.133333 -2021-09-20 08:32:14.590 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the nautilus nearly perishes in the antarctic and nemo sinks into a growing depression -Output Transcription: the nautilus nearly perishes in the antarctic and the most things into a growing depression -2021-09-20 08:32:14.592 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.214286 -2021-09-20 08:32:14.594 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: his tones rang pleasantly on warrenton's ears and forthwith a good fellowship was heralded between them -Output Transcription: his tones ring pleasantly on warranties ears and forthwith the good fellowship was heralded between them -2021-09-20 08:32:14.596 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.187500 -2021-09-20 08:32:14.596 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: yes the character which your royal highness assumed is in perfect harmony with your own -Output Transcription: yes the character which your royal highness assumed is in perfect harmony with your own -2021-09-20 08:32:14.596 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:32:14.598 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i left instructions for shipping my containers of stuffed animals and dried plants to paris france -Output Transcription: i left instructions for shipping like containers of stuffed animals and dried plants to paris france -2021-09-20 08:32:14.600 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.062500 -2021-09-20 08:32:14.603 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: he returned carrying his jumping shoes which are provided as you are aware with several sharp spikes -Output Transcription: he returned carrying his jumping shoes which are provided as you are ware with several sharp spikes -2021-09-20 08:32:14.605 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.058824 -2021-09-20 08:32:14.605 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: della had a young sister named maria and a cousin whose name was jane -Output Transcription: della had a young sister named maria and a cousin whose name was jane -2021-09-20 08:32:14.606 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:32:14.606 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: at last the cotton combine was to all appearances an assured fact and he was slated for the senate -Output Transcription: at last the cotton combine was to all appearances an assured fact and he was slated for the senate -2021-09-20 08:32:14.606 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:32:14.606 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: if the count were on board a strange fatality was bringing him to the presence of his rival -Output Transcription: if the count were on board a strange fatality was bringing him to the presence of his rival -2021-09-20 08:32:14.607 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:32:14.608 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: approaching the dining table he carefully placed the article in the centre and removed the cloth -Output Transcription: approaching the dining table he carefully placed the article in the center and removed the cloth -2021-09-20 08:32:14.610 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.062500 -2021-09-20 08:32:14.611 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i left you on a continent and here i have the honor of finding you on an island -Output Transcription: i left you on a continent and here i have the honor of finding you on an island -2021-09-20 08:32:14.611 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:32:14.613 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: she looked at his heavy shoulders and big determined head thrust forward like a catapult in leash -Output Transcription: she looked at his heavy shoulders and big determined head pressed forward like a catapult on leash -2021-09-20 08:32:14.616 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.117647 -2021-09-20 08:32:14.618 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: spoke the squire losing all patience and it was to you that i gave another purse in consolation -Output Transcription: spoke the squire losing all patient and it was to you that i gave another person consolation -2021-09-20 08:32:14.620 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.166667 -2021-09-20 08:32:14.622 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: over the track lined city street the young men the grinning men pass -Output Transcription: over the track lined city street the young men the grinning man pass -2021-09-20 08:32:14.623 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.076923 -2021-09-20 08:32:14.623 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: it has occupied mother a long time to find at the shops the exact shade for her new bonnet -Output Transcription: it has occupied mother a long time to find at the shops the exact shade for her new bonnet -2021-09-20 08:32:14.624 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:32:14.626 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: a bed quilt made of patches of different kinds and colors of cloth all neatly sewed together -Output Transcription: a bed quilt made of patches of different kinds and colors of cloth all neatly so together -2021-09-20 08:32:14.628 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.058824 -2021-09-20 08:32:14.631 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: your letter has given me great pleasure and i should not forgive myself if i did not tell you so -Output Transcription: your letter has given me great pleasure and i should not forgive myself if i didn't tell you so -2021-09-20 08:32:14.634 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.100000 -2021-09-20 08:32:14.634 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i'm going to see mister marshall said kenneth and discover what i can do to assist you thank you sir -Output Transcription: i'm going to see mister marshall said kenneth and discover what i can do to assist you thank you sir -2021-09-20 08:32:14.635 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:32:14.637 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: it did not beckon or indeed move at all it was as still as the hand of death -Output Transcription: it did not bacon or indeed move at all it was as still as the hand of death -2021-09-20 08:32:14.640 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.055556 -2021-09-20 08:32:14.642 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i'm glad you like it says wylder chuckling benignantly on it over his shoulder -Output Transcription: i'm glad you like it says wilder chuckling indignantly on it over his shoulder -2021-09-20 08:32:14.643 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.142857 -2021-09-20 08:32:14.648 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: young fitzooth had been commanded to his mother's chamber so soon as he had come out from his converse with the squire -Output Transcription: young fit south had been commanded to his mother's chamber so soon as he had come out from his converse with the squire -2021-09-20 08:32:14.651 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.090909 -2021-09-20 08:32:14.652 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: as any in england i would say said gamewell proudly that is in his day -Output Transcription: as any in england i would say said gamewell proudly that is in his day -2021-09-20 08:32:14.652 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:32:14.653 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i think that will do she continued for the other qualities are not needed in a servant -Output Transcription: i think that will do she continued for the other qualities are not needed in a servant -2021-09-20 08:32:14.653 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:32:14.654 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: since christ was given for our sins it stands to reason that they cannot be put away by our own efforts -Output Transcription: since christ was given for our sins it stands to reason that they cannot be put away by our own efforts -2021-09-20 08:32:14.654 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:32:14.656 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: but in this vignette copied from turner you have the two principles brought out perfectly -Output Transcription: but in this vineyard copied from turner you have the two principles brought out perfectly -2021-09-20 08:32:14.658 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.066667 -2021-09-20 08:32:14.662 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: so no tales got out to the neighbors besides it was a lonely place and by good luck no one came that way -Output Transcription: so no tails got out to the neighbors besides it was a lonely place and by good luck no one came that way -2021-09-20 08:32:14.666 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.043478 -2021-09-20 08:32:14.667 | INFO | deepspeech2x.model:test:372 - Error rate [wer] (1376/?) = 0.076581 -2021-09-20 08:32:16.338 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the strange woman and her passionate sentence that rang out so sharply had frightened them both -Output Transcription: the strange woman and her passionate sentence that rang out so sharply had frightened them both -2021-09-20 08:32:16.339 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:32:16.340 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: john wesley combash jacob taylor and thomas edward skinner -Output Transcription: john wesley compas jacob taylor and thomas edward skinner -2021-09-20 08:32:16.341 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.111111 -2021-09-20 08:32:16.343 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: this transient spring and lighting up are beautiful a glamour beguiling our senses -Output Transcription: this transit spring and lighting up our beautiful a glamour beguiling our senses -2021-09-20 08:32:16.344 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.153846 -2021-09-20 08:32:16.345 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: now when has horror ever excluded study -Output Transcription: no when has horror ever excluded study -2021-09-20 08:32:16.345 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.142857 -2021-09-20 08:32:16.348 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: miss taylor did not know much about cotton but at least one more remark seemed called for -Output Transcription: miss taylor did not know much about cotton but at least one more remarked seem called for -2021-09-20 08:32:16.350 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.117647 -2021-09-20 08:32:16.354 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: we want you to help us publish some leading work of luther's for the general american market will you do it -Output Transcription: we want you to help us publish some leading work of luthers for the general american market will you do it -2021-09-20 08:32:16.357 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.047619 -2021-09-20 08:32:16.357 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i believe i have a little taste that way those are all real you know those jewels -Output Transcription: i believe i have a little taste that way those are all real you know those jewels -2021-09-20 08:32:16.358 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:32:16.360 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: no sir he isn't he's gone to rosseter to see mister west the factor about the wool -Output Transcription: no sir he isn't he's gone to rossiter to see mister west the factor about the wall -2021-09-20 08:32:16.362 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.117647 -2021-09-20 08:32:16.364 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: this is the explanation of the shallows which are found in that part of the atlantic ocean -Output Transcription: this is the explanation of the shells which i found in that part of the atlantic ocean -2021-09-20 08:32:16.367 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.117647 -2021-09-20 08:32:16.367 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: frank read english slowly and the more he read about this divorce case the angrier he grew -Output Transcription: frank read english slowly and the more he read about this divorce case the angrier he grew -2021-09-20 08:32:16.367 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:32:16.368 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: my friend's temper had not improved since he had been deprived of the congenial surroundings of baker street -Output Transcription: my friend's temper had not improved since he had been deprived of the congenial surroundings of baker street -2021-09-20 08:32:16.368 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:32:16.371 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: then she gave rosalie back her magic ring thanking the kind witch for all she had done for them -Output Transcription: then she gave rose lay back her magic ring thanking the kind which for all she had done for them -2021-09-20 08:32:16.374 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.157895 -2021-09-20 08:32:16.377 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: there might be a bit of poetry here and there but most of this place was such desperate prose -Output Transcription: there might be a bit of poetry here and there but most of this place was such desperate rose -2021-09-20 08:32:16.380 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.052632 -2021-09-20 08:32:16.381 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: at this the bundle opened suddenly and out popped phronsie -Output Transcription: at this the bundle opened suddenly and out popped rosie -2021-09-20 08:32:16.382 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.100000 -2021-09-20 08:32:16.385 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: bartley leaned over her shoulder without touching her and whispered in her ear you are giving me a chance yes -Output Transcription: partly lean over her shoulder without touching her and whispered in her ear you are giving me a chance yes -2021-09-20 08:32:16.388 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.100000 -2021-09-20 08:32:16.391 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: but joyce had not been listening all at once she put down her candle on the table and faced her companion -Output Transcription: but joyce had not been listening all at once she put on her candle on the table and faced her companion -2021-09-20 08:32:16.394 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.047619 -2021-09-20 08:32:16.398 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i had not ventured to hope for such a reply so considerate in its tone so noble in its spirit -Output Transcription: i have not ventured to hope for such a reply so considerate in its tone so noble in its spirit -2021-09-20 08:32:16.400 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.050000 -2021-09-20 08:32:16.403 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: there befell an anxious interview mistress fitzooth arguing for and against the squire's project in a breath -Output Transcription: there befell an anxious interview mistress of tooth arguing for and against the squires project in the breath -2021-09-20 08:32:16.405 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.235294 -2021-09-20 08:32:16.408 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: these perverters of the righteousness of christ resist the father and the son and the works of them both -Output Transcription: these perverts of the richness of christ resist the father and the son and the works of them both -2021-09-20 08:32:16.411 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.105263 -2021-09-20 08:32:16.413 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: but in this friendly pressure raoul could detect the nervous agitation of a great internal conflict -Output Transcription: by in this friendly pressure roll to take the nervous agitation of a great internal conflict -2021-09-20 08:32:16.415 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.250000 -2021-09-20 08:32:16.415 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the only thing necessary was to fix seth reynolds and this hopkins arranged personally -Output Transcription: the only thing necessary was to fix seth reynolds and this hopkins arranged personally -2021-09-20 08:32:16.416 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:32:16.417 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: in this world evidently the vestibule of another there are no fortunate -Output Transcription: in this worlds evidently the vestibule of another there are no fortunate -2021-09-20 08:32:16.418 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.083333 -2021-09-20 08:32:16.418 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: she wanted a glance of the new books and periodicals and talk of great philanthropies and reforms -Output Transcription: she wanted a glance of the new books and periodicals and talk of great philanthropies and reforms -2021-09-20 08:32:16.419 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:32:16.423 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: a little cracked that in the popular phrase was my impression of the stranger who now made his appearance in the supper room -Output Transcription: a little crack that in the popular phrase was my impression of the stranger who now made his appearance in the supper room -2021-09-20 08:32:16.426 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.043478 -2021-09-20 08:32:16.428 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: slow to world greetings quick with its o list when the angels speak -Output Transcription: slow to world greetings quick with it o list when the angel speak -2021-09-20 08:32:16.429 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.153846 -2021-09-20 08:32:16.430 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: even so i had just returned from an arduous journey exhausted and badly needing a rest -Output Transcription: even so i had just returned from an arduous journey exhausted and badly needing a rest -2021-09-20 08:32:16.430 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:32:16.433 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: then said sir ferdinando there is nothing for it but that he must take you with him -Output Transcription: then said sir ferdinando there is nothing for but that we must take you with him -2021-09-20 08:32:16.435 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.117647 -2021-09-20 08:32:16.438 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i wish i hadn't cried so much said alice as she swam about trying to find her way out -Output Transcription: i wish i hadn't cried so much' said alice as she swam about trying to find her way out -2021-09-20 08:32:16.441 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.052632 -2021-09-20 08:32:16.443 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: there is the slang of the affected lady as well as of the precieuses -Output Transcription: there is the slang of the affected lady as well as of the presses -2021-09-20 08:32:16.447 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.071429 -2021-09-20 08:32:16.447 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: to burn without ceasing to fly therein lies the marvel of genius -Output Transcription: to burn without ceasing to fly therein lies the marvel of genius -2021-09-20 08:32:16.448 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:32:16.451 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: there jap you've caught it laughed percy while the others screamed at the sight of jasper's face -Output Transcription: there cap you've got it lapped percy while the other screamed at the side of jasper's face -2021-09-20 08:32:16.453 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.294118 -2021-09-20 08:32:16.455 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i sit down at a small table a waiter comes immediately to enquire my wishes -Output Transcription: i sit down at a small table a waiter comes immediately to inquire my wishes -2021-09-20 08:32:16.457 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.066667 -2021-09-20 08:32:16.458 | INFO | deepspeech2x.model:test:372 - Error rate [wer] (1408/?) = 0.076862 -2021-09-20 08:32:20.603 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: you gave me double five i want double nine hallo is that you horatio hamlet speaking -Output Transcription: you gave me double five i want double nine hello is that you horatio hamlet speaking -2021-09-20 08:32:20.606 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.062500 -2021-09-20 08:32:20.610 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: he knew his uncle would be glad to hear that he had at last turned his thoughts to a practical matter -Output Transcription: he knew his uncle will be glad to hear that he had at last turned his thoughts to a practical matter -2021-09-20 08:32:20.613 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.047619 -2021-09-20 08:32:20.613 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: her manner was neither independent nor assertive but rather one of well bred composure and calm reliance -Output Transcription: her manner was neither independent nor assertive but rather one of well bred composure and calm reliance -2021-09-20 08:32:20.614 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:32:20.617 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i made her for only twenty oars because i thought few men would follow me for i was young fifteen years old -Output Transcription: i made her for my twenty ars because i thought few men would follow me for i was young fifteen years old -2021-09-20 08:32:20.621 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.090909 -2021-09-20 08:32:20.622 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: have mercy lord on me i pray for men would me devour -Output Transcription: have mercy lord on me i pray for men with me devour -2021-09-20 08:32:20.624 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.083333 -2021-09-20 08:32:20.627 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: oh you are the dearest and best mister king i ever saw but how did you make mammy let her come -Output Transcription: oh you are the dearest and best mister king i ever saw but how did you make mommy let her come -2021-09-20 08:32:20.631 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.047619 -2021-09-20 08:32:20.631 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: on arriving at home at my own residence i found that our salon was filled with a brilliant company -Output Transcription: on arriving at home at my own residence i found that our salon was filled with a brilliant company -2021-09-20 08:32:20.632 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:32:20.634 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: my yacht is at your service sir even should you require to make a tour round the world -Output Transcription: my yacht is at your service sir even should you require to make a tour around the world -2021-09-20 08:32:20.637 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.055556 -2021-09-20 08:32:20.637 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: for the first time the maid seemed a little confused and her gaze wandered from the face of her visitor -Output Transcription: for the first time the maid seemed a little confused and her gaze wandered from the face of her visitor -2021-09-20 08:32:20.637 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:32:20.641 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: holmes held out a small chip with the letters n n and a space of clear wood after them you see -Output Transcription: holmes held out a small chip with the letters and in the space of clear wood after them you see -2021-09-20 08:32:20.644 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.190476 -2021-09-20 08:32:20.645 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: some images like some sensations feel very familiar while others feel strange -Output Transcription: some images like some sensations fill very familiar while others fill strange -2021-09-20 08:32:20.646 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.166667 -2021-09-20 08:32:20.647 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: there cannot be a doubt he received you kindly for in fact you returned without his permission -Output Transcription: there cannot be a doubt he received you kindly for in fact you returned without his permission -2021-09-20 08:32:20.647 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:32:20.651 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: he knew it would take them to the house of the crooked magician whom he had never seen but who was their nearest neighbor -Output Transcription: he knew it would take them to the house of the crooked magician whom he had never seen but who was there nearest neighbor -2021-09-20 08:32:20.656 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.041667 -2021-09-20 08:32:20.657 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: in this case as in most others what may be taken as certain in advance is rather vague -Output Transcription: in this case as in most others what may be taken as certain in advance is rather vague -2021-09-20 08:32:20.657 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:32:20.657 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the golden star of tinsel was still on the top of the tree and glittered in the sunshine -Output Transcription: the golden star of tinsel was still on the top of the tree and glittered in the sunshine -2021-09-20 08:32:20.658 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:32:20.659 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the real human division is this the luminous and the shady -Output Transcription: the real human division as this the luminous and the shady -2021-09-20 08:32:20.660 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.090909 -2021-09-20 08:32:20.661 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i've strong assurance that no evil will happen to you and my uncle and the children from anything i've done -Output Transcription: i've strong assurance that no evil will happen to you and my uncle and the children from anything i've done -2021-09-20 08:32:20.661 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:32:20.664 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: please tell me one thing bartley at least tell me that you believe i thought i was making you happy -Output Transcription: please tell me one thing partly at least tell me that you believe i thought i was making you happy -2021-09-20 08:32:20.667 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.050000 -2021-09-20 08:32:20.669 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: she ceasd and smild in tears then sat down in her silver shrine -Output Transcription: she ceased and smiled in tears then sat down in her silver shrine -2021-09-20 08:32:20.670 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.153846 -2021-09-20 08:32:20.673 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: then they started on again and two hours later came in sight of the house of doctor pipt -Output Transcription: then they started on again and two hours later came in sight of the house of doctor pipped -2021-09-20 08:32:20.676 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.055556 -2021-09-20 08:32:20.679 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: there was something in his air and manner that betrayed to the scout the utter confusion of the state of his mind -Output Transcription: there was something in his air in the manner that betrayed to the scout the utter confusion of the state of his mind -2021-09-20 08:32:20.683 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.090909 -2021-09-20 08:32:20.686 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: bravely and generously has he battled in my behalf and this and more will i dare in his service -Output Transcription: bravely and generously as he battled in my behalf and this and more will i dare in his service -2021-09-20 08:32:20.689 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.052632 -2021-09-20 08:32:20.692 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: you must see lieutenant i should think that we are not so near the coast of algeria as you imagined -Output Transcription: you must see lieutenant i should think that we are not so near the coast of algeria as you imagine -2021-09-20 08:32:20.695 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.050000 -2021-09-20 08:32:20.695 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: a suffocating smell of nitrogen fills the air it enters the throat it fills the lungs -Output Transcription: a suffocating smell of nitrogen fills the air it enters the throat it fills the lungs -2021-09-20 08:32:20.696 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:32:20.696 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: yet little as it was it had already made a vast difference in the aspect of the room -Output Transcription: yet little as it was it had already made a vast difference in the aspect of the room -2021-09-20 08:32:20.696 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:32:20.697 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i was thinking it's very like the ace of hearts answered the captain softly smiling on -Output Transcription: i was thinking it's very like the ace of hearts answered the captain softly smiling on -2021-09-20 08:32:20.697 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:32:20.700 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the stop at queenstown the tedious passage up the mersey were things that he noted dimly through his growing impatience -Output Transcription: stop at queen's town the tedious passage of the mercy were things that he noted dimly through his growing impatience -2021-09-20 08:32:20.704 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.250000 -2021-09-20 08:32:20.704 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the first of our vague but indubitable data is that there is knowledge of the past -Output Transcription: the first of our vague but indubitable data is that there is knowledge of the past -2021-09-20 08:32:20.705 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:32:20.706 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: however he who says light does not necessarily say joy -Output Transcription: however he who says light does not necessarily said joy -2021-09-20 08:32:20.707 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.100000 -2021-09-20 08:32:20.707 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i wish you weren't so restless and didn't get so worked up over things she said sadly -Output Transcription: i wish you weren't so restless and didn't get so worked up over things she said sadly -2021-09-20 08:32:20.708 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:32:20.711 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: he had preconceived ideas about everything and his idea about americans was that they should be engineers or mechanics -Output Transcription: we let preconceived ideas about everything and his idea about americans was that they should be engineers or mechanics -2021-09-20 08:32:20.714 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.105263 -2021-09-20 08:32:20.714 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i have very few to love me now and i thought you might love me as i have begun to love you -Output Transcription: i have very few to love me now and i thought you might love me as i have begun to love you -2021-09-20 08:32:20.715 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:32:20.715 | INFO | deepspeech2x.model:test:372 - Error rate [wer] (1440/?) = 0.076031 -2021-09-20 08:32:23.142 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: whereupon lake laughed quietly still looking on the ace of hearts with his sly eyes -Output Transcription: whereupon lake laughed quietly still looking on the ace of hearts with his sly eyes -2021-09-20 08:32:23.143 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:32:23.148 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: so uncas you had better take the lead while i will put on the skin again and trust to cunning for want of speed -Output Transcription: so once you had better take the lead while i will put on the skin again and trust to cunning for want of speed -2021-09-20 08:32:23.152 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.041667 -2021-09-20 08:32:23.155 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: he panted to know if she too knew or knew and cared not or cared and knew not -Output Transcription: he wanted to know if she too knew or knew and cared not or cared and knew not -2021-09-20 08:32:23.157 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.055556 -2021-09-20 08:32:23.160 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: and to think we can save all that misery and despair by the payment of a hundred and fifty dollars -Output Transcription: and to think we can save oh that misery and despair by the payment of a hundred and fifty dollars -2021-09-20 08:32:23.163 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.050000 -2021-09-20 08:32:23.166 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i was well satisfied with my cabin which was located in the stern and opened into the officers mess -Output Transcription: i was well satisfied with my cabin which was located in the stern and opened into the officer's mess -2021-09-20 08:32:23.169 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.052632 -2021-09-20 08:32:23.169 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: therefore her majesty paid no attention to anyone and no one paid any attention to her -Output Transcription: therefore her majesty paid no attention to anyone and no one paid any attention to her -2021-09-20 08:32:23.170 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:32:23.170 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: there came upon me a sudden shock when i heard these words which exceeded anything which i had yet felt -Output Transcription: there came upon me a sudden shock when i heard these words which exceeded anything which i had yet felt -2021-09-20 08:32:23.170 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:32:23.174 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: he gave way to the others very readily and retreated unperceived by the squire and mistress fitzooth to the rear of the tent -Output Transcription: he gave way to the others very readily and retreated unperceived by the squire and mistress fit zot to the rear of the tent -2021-09-20 08:32:23.178 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.086957 -2021-09-20 08:32:23.180 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: thus it is that the honor of three is saved our country's our master's and our own -Output Transcription: thus it is not the honour of three is saved our country are masters and our own -2021-09-20 08:32:23.183 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.294118 -2021-09-20 08:32:23.183 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: she was a large homely woman they were common white people with no reputation in the community -Output Transcription: she was a large homely woman they were common white people with no reputation in the community -2021-09-20 08:32:23.183 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:32:23.186 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the whole party crowded to the spot where uncas pointed out the impression of a moccasin in the moist alluvion -Output Transcription: the whole party crowded to the spot where uncles pointed out the impression of a moccasin in the moist elution -2021-09-20 08:32:23.189 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.100000 -2021-09-20 08:32:23.192 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: said captain donnithorne seating himself where he could see along the short passage to the open dairy door -Output Transcription: said captain denethor ne seating himself where he could see along the short passage to the open dairy door -2021-09-20 08:32:23.195 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.111111 -2021-09-20 08:32:23.195 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: tabby had tended them in their childhood they and none other should tend her in her infirmity and age -Output Transcription: tabby had tended them in their childhood they and none other should tend her in her infirmity and age -2021-09-20 08:32:23.195 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:32:23.195 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: against these boasting false apostles paul boldly defends his apostolic authority and ministry -Output Transcription: against these boasting false apostles paul boldly defends his apostolic authority and ministry -2021-09-20 08:32:23.196 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:32:23.196 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: so much for the title of the epistle now follows the greeting of the apostle verse three -Output Transcription: so much for the title of the epistle now follows the greeting of the apostle verse three -2021-09-20 08:32:23.196 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:32:23.198 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: in autumn the wood cutters always came and felled some of the largest trees -Output Transcription: in autumn the wood cutters always came and fell some of the largest trees -2021-09-20 08:32:23.199 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.071429 -2021-09-20 08:32:23.201 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: distrusting his own judgment his appeals to the opinion of chingachgook were frequent and earnest -Output Transcription: distrusting his own judgment his appeals to the opinion of chinuch cook were frequent and earnest -2021-09-20 08:32:23.203 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.133333 -2021-09-20 08:32:23.204 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: hence the edison electrolytic meter is no longer used despite its excellent qualities -Output Transcription: hence the edison electrolytic meter is no longer used despite its excellent qualities -2021-09-20 08:32:23.204 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:32:23.204 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: their contents had all boiled away leaving in the bottom of each kettle a few grains of fine white powder -Output Transcription: their contents had all boiled away leaving in the bottom of each kettle a few grains of fine white powder -2021-09-20 08:32:23.205 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:32:23.205 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: when you argue about the nature of god apart from the question of justification you may be as profound as you like -Output Transcription: when you argue about the nature of god apart from the question of justification you may be as profound as you like -2021-09-20 08:32:23.205 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:32:23.205 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: some points may be taken as fixed and such as any theory of memory must arrive at -Output Transcription: some points may be taken as fixed and such as any theory of memory must arrive at -2021-09-20 08:32:23.206 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:32:23.208 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: do you suppose that god for the sake of a few lutheran heretics would disown his entire church -Output Transcription: do you suppose that god for the sake of a few lutheran heretics would this son his entire church -2021-09-20 08:32:23.211 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.111111 -2021-09-20 08:32:23.211 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: she's older than i am but so tiny and sad and shy that she seems like a child -Output Transcription: she's older than i am but so tiny and sad and shy that she seems like a child -2021-09-20 08:32:23.212 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:32:23.212 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: he darted like an arrow through all the halls down all the stairs and across the yard -Output Transcription: he darted like an arrow through all the halls down all the stairs and across the yard -2021-09-20 08:32:23.213 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:32:23.215 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: her sea going qualities were excellent and would have amply sufficed for a circumnavigation of the globe -Output Transcription: her seagoing qualities were excellent and would have amply sufficed for a circumnavigation of the globe -2021-09-20 08:32:23.217 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.117647 -2021-09-20 08:32:23.219 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: he was such a big boy that he wore high boots and carried a jack knife -Output Transcription: he was such a big boy that he wore high boots and carried a jackknife -2021-09-20 08:32:23.221 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.125000 -2021-09-20 08:32:23.223 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: you have come andella andella was the name of jane's doll to make rosalie a visit -Output Transcription: you have come adela adela was the name of jane's doll to make rosalie a visit -2021-09-20 08:32:23.226 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.125000 -2021-09-20 08:32:23.226 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: we want to know mister gilchrist how you an honourable man ever came to commit such an action as that of yesterday -Output Transcription: we want to know mister gilchrist how you an honourable man ever came to commit such an action as that of yesterday -2021-09-20 08:32:23.227 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:32:23.230 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the crowd drifts off leaving the hero and heroine alone in the middle of the stage and then you can begin -Output Transcription: the crowd drifts of leaping the hero and heroine alone in the middle of the stage and then you can begin -2021-09-20 08:32:23.233 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.095238 -2021-09-20 08:32:23.235 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: his conduct and presence of mind in this emergence appeared conspicuous -Output Transcription: his conduct and presence of mind in this emergent appeared conspicuous -2021-09-20 08:32:23.237 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.090909 -2021-09-20 08:32:23.237 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: dearest teach me so to pour out gratitude as thou dost good -Output Transcription: dearest teach me so to pour out gratitude as thou dost good -2021-09-20 08:32:23.237 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:32:23.241 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: give me a check for a hundred and fifty and i'll turn over to you the forged check and quash further proceedings -Output Transcription: give me a check for a hundred and fifty and i'll turn over to you the forged check and cash further proceedings -2021-09-20 08:32:23.244 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.045455 -2021-09-20 08:32:23.245 | INFO | deepspeech2x.model:test:372 - Error rate [wer] (1472/?) = 0.075225 -2021-09-20 08:32:25.143 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: oh she's always at the piano said van she must be there now somewhere and then somebody laughed -Output Transcription: oh she's always at the piano said man she must be there now somewhere and then somebody laughed -2021-09-20 08:32:25.147 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.055556 -2021-09-20 08:32:25.149 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: paul answers the man who is named jesus christ and the son of god gave himself for our sins -Output Transcription: paul answers the man who his name jesus christ and the son of god gave himself for our sins -2021-09-20 08:32:25.152 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.105263 -2021-09-20 08:32:25.155 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i am not good enough for you and you must be kept from the contamination of too intimate society -Output Transcription: i am not good enough for you and you must be kept from the contamination of two intimate society -2021-09-20 08:32:25.158 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.052632 -2021-09-20 08:32:25.160 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: far from it sire your majesty having given no directions about it the musicians have retained it -Output Transcription: far from it sire your majesty having given no directions about it the musicians ever tandon -2021-09-20 08:32:25.162 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.176471 -2021-09-20 08:32:25.163 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: either he calls ministers through the agency of men or he calls them directly as he called the prophets and apostles -Output Transcription: either he calls ministers through the agency of men or he calls them directly as he called the prophets and apostles -2021-09-20 08:32:25.163 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:32:25.163 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: tabby had lived with them for ten or twelve years and was as charlotte expressed it one of the family -Output Transcription: tabby had lived with them for ten or twelve years and was as charlotte expressed it one of the family -2021-09-20 08:32:25.163 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:32:25.167 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: sometimes i'm that yearning for a smoke i'm nearly crazy an i dunno which is worst dyin one way or another -Output Transcription: sometimes in that year and for his smoke i'm nearly crazy dowith is worse in one way or the other -2021-09-20 08:32:25.170 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.571429 -2021-09-20 08:32:25.170 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i must come another day and see your husband i want to have a consultation with him about horses -Output Transcription: i must come another day and see your husband i want to have a consultation with him about horses -2021-09-20 08:32:25.170 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:32:25.171 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: and she threw her arms round her cousin's neck and brave rachel at last burst into tears -Output Transcription: and she threw her arms round her cousin's neck and brave rachel at last burst into tears -2021-09-20 08:32:25.171 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:32:25.171 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: if a layman in giving baptism pour the water before saying the words is the child baptized -Output Transcription: if a layman in giving baptism pour the water before saying the words is the child baptized -2021-09-20 08:32:25.171 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:32:25.172 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: no one would disturb their little house even if anyone came so far into the thick forest while they were gone -Output Transcription: no one would disturb their little house even if anyone came so far into the thick forest while they were gone -2021-09-20 08:32:25.172 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:32:25.172 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: a circle of a few hundred feet in circumference was drawn and each of the party took a segment for his portion -Output Transcription: a circle of a few hundred feet in circumference was drawn and each of the party took a segment for his portion -2021-09-20 08:32:25.172 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:32:25.174 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: without his scrapbooks his chemicals and his homely untidiness he was an uncomfortable man -Output Transcription: without his scrap books his chemicals and has homely untidiness he was an uncomfortable man -2021-09-20 08:32:25.176 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.214286 -2021-09-20 08:32:25.178 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: there was something individual about the great farm a most unusual trimness and care for detail -Output Transcription: there was something individual about the great farm a most unusual grimness and care for detail -2021-09-20 08:32:25.180 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.062500 -2021-09-20 08:32:25.185 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: stuteley was by his side in a flash and then they both began feeling about them to ascertain the shape and character of this vault -Output Transcription: studley was by his side in a flash and then they both began feeling about them to ascertain the shape and character of this vault -2021-09-20 08:32:25.189 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.040000 -2021-09-20 08:32:25.190 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: if it only were not so dark here and so terribly lonely -Output Transcription: if it only were not so dark here and so terribly lonely -2021-09-20 08:32:25.190 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:32:25.192 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: however her features and form might repress any evidence of nervousness these hands told a different story -Output Transcription: however her features and four might repress any evidence of nervousness these hands told a different story -2021-09-20 08:32:25.195 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.058824 -2021-09-20 08:32:25.197 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: well said mademoiselle de tonnay charente i also think a good deal but i take care -Output Transcription: well said mademoiselle de ten salad i also think a good deal but i take care -2021-09-20 08:32:25.199 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.125000 -2021-09-20 08:32:25.199 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: somehow of all the days when the home feeling was the strongest this day it seemed as if she could bear it no longer -Output Transcription: somehow of all the days when the home feeling was the strongest this day it seemed as if she could bear it no longer -2021-09-20 08:32:25.199 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:32:25.199 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: yes in reality those were happy times -Output Transcription: yes in reality those were happy times -2021-09-20 08:32:25.200 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:32:25.202 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: remembering has to be a present occurrence in some way resembling or related to what is remembered -Output Transcription: remembering has to be a present occurrence and some way resembling or related to what is remembered -2021-09-20 08:32:25.204 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.058824 -2021-09-20 08:32:25.207 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: when called before i told how hastily i dropped my flowers or brake off from a game -Output Transcription: when called before i told how hastily i dropped my flowers or break off from a game -2021-09-20 08:32:25.209 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.058824 -2021-09-20 08:32:25.209 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: to relieve her from both he laid his hand with force upon his heart and said do you believe me -Output Transcription: to relieve her from both he laid his hand with force upon his heart and said do you believe me -2021-09-20 08:32:25.209 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:32:25.210 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i will make no unjust use of what i know he replied with firmness i believe you my lord -Output Transcription: i will make no unjust use of what i know he replied with firmness i believe you my lord -2021-09-20 08:32:25.210 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:32:25.215 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: they pointedly drew back from john jago as he approached the empty chair next to me and moved round to the opposite side of the table -Output Transcription: they pointedly drew back from john iago as he approached the empty chair next may and moved around to the opposite side of the table -2021-09-20 08:32:25.220 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.153846 -2021-09-20 08:32:25.224 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i can't play with you like a little boy any more he said slowly that's what you miss marie -Output Transcription: i can't play with you like a little boy any more he said slowly that's what you miss mary -2021-09-20 08:32:25.226 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.052632 -2021-09-20 08:32:25.227 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: a gentle kick from the tall boy in the bench behind urged stephen to ask a difficult question -Output Transcription: a gentle kick from the tall boy in the bench behind urged stephen to ask a difficult question -2021-09-20 08:32:25.227 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:32:25.229 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: but philip is honest and he has talent enough if he will stop scribbling to make his way -Output Transcription: and philip is honest and he asked allien if he will stop scribbling to make his way -2021-09-20 08:32:25.232 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.222222 -2021-09-20 08:32:25.234 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: stephen's heart began slowly to fold and fade with fear like a withering flower -Output Transcription: stephen's heart began slowly to fall and fade with fear like a withering flower -2021-09-20 08:32:25.236 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.071429 -2021-09-20 08:32:25.240 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: then i drank half of the hornful and sent the rest across the fire to the farmer he took it and smiled saying -Output Transcription: then i drank half of the mournful and set the rest to cross the fire to the farmer he took it and smiled saying -2021-09-20 08:32:25.245 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.173913 -2021-09-20 08:32:25.247 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: after early nightfall the yellow lamps would light up here and there the squalid quarter of the brothels -Output Transcription: after early nightfall the yellow lamps would light up here and there the squalid quarter of the profiles -2021-09-20 08:32:25.250 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.055556 -2021-09-20 08:32:25.252 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: every plant in the grass is set formally grows perfectly and may be realized completely -Output Transcription: every plant in the grass is set formally grows perfectly and maybe realized completely -2021-09-20 08:32:25.254 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.133333 -2021-09-20 08:32:25.254 | INFO | deepspeech2x.model:test:372 - Error rate [wer] (1504/?) = 0.075338 -2021-09-20 08:32:27.220 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: it has no beauty whatsoever no specialty of picturesqueness and all its lines are cramped and poor -Output Transcription: it has no beauty whatsoever no specialty of picturesque ness and all its lines are cramped and poor -2021-09-20 08:32:27.223 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.117647 -2021-09-20 08:32:27.223 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: cried alice again for this time the mouse was bristling all over and she felt certain it must be really offended -Output Transcription: cried alice again for this time the mouse was bristling all over and she felt certain it must be really offended -2021-09-20 08:32:27.224 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:32:27.226 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: my lord miss milner's taste is not a depraved one it is but too refined -Output Transcription: my lord miss milner's taste is not a depraved to one it is but too refined -2021-09-20 08:32:27.228 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.066667 -2021-09-20 08:32:27.230 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i did not mean said captain battleax to touch upon public subjects at such a moment as this -Output Transcription: i did not mean said captain battle ax to touch upon public subjects at such a moment as this -2021-09-20 08:32:27.233 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.111111 -2021-09-20 08:32:27.235 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: upon this madame deigned to turn her eyes languishingly towards the comte observing -Output Transcription: upon this madam deign to turn her eyes languishing towards the comet observing -2021-09-20 08:32:27.236 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.307692 -2021-09-20 08:32:27.236 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: but the more forgetfulness had then prevailed the more powerful was the force of remembrance when she awoke -Output Transcription: but the more forgetfulness had then prevailed the more powerful was the force of remembrance when she awoke -2021-09-20 08:32:27.237 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:32:27.237 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: he implores us to be discreet as the grave in this matter for in sooth his life is in the hollow of our hands -Output Transcription: he implores us to be discreet as the grave in this matter for in sooth his life is in the hollow of our hands -2021-09-20 08:32:27.237 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:32:27.240 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: as to his age and also the name of his master jacob's statement varied somewhat from the advertisement -Output Transcription: as to his age and also the night of his master jacob statement varied somewhat from the advertisement -2021-09-20 08:32:27.242 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.111111 -2021-09-20 08:32:27.242 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: he cried in high dudgeon just as if he owned the whole of the peppers and could dispose of them all to suit his fancy -Output Transcription: he cried in high dudgeon just as if he owned the whole of the peppers and could dispose of them all to suit his fancy -2021-09-20 08:32:27.243 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:32:27.243 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: to those duties you have not yet been called and when you are you will be less eager for celebrity -Output Transcription: to those duties you have not yet been called and when you are you will be less eager for celebrity -2021-09-20 08:32:27.243 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:32:27.246 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: on she hurried until sweeping down to the lagoon and the island lo the cotton lay before her -Output Transcription: aunt she hurried until sweeping down to the lagoon and the island lo the cotton lay before her -2021-09-20 08:32:27.248 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.055556 -2021-09-20 08:32:27.249 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: but cresswell added significantly capacity differs enormously between races -Output Transcription: but cresswell added significantly capacity differs enormously between races -2021-09-20 08:32:27.249 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:32:27.251 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: isn't he splendid cried jasper in intense pride swelling up father knew how to do it -Output Transcription: is an splendid cried jasper and intense pride swelling up father knew how to do it -2021-09-20 08:32:27.253 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.187500 -2021-09-20 08:32:27.256 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: to the fervent latter day saint a temple is not simply a church building a house for religious assembly -Output Transcription: to the fervent latterday saint a temple is not simply a church building a house for religious assembly -2021-09-20 08:32:27.258 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.105263 -2021-09-20 08:32:27.261 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: he was soft hearted and impetuous said beth and being in love he didn't stop to count the cost -Output Transcription: he was soft hearted an impetuous said beth and being in love he didn't stop to count the cost -2021-09-20 08:32:27.264 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.052632 -2021-09-20 08:32:27.264 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the chaos in which his ardour extinguished itself was a cold indifferent knowledge of himself -Output Transcription: the chaos in which his ardour extinguished itself was a cold indifferent knowledge of himself -2021-09-20 08:32:27.264 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:32:27.265 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: horse sense a degree of wisdom that keeps one from betting on the races -Output Transcription: horse sense a degree of wisdom that keeps one from betting on the races -2021-09-20 08:32:27.265 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:32:27.268 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: dear me what a chatterbox you're getting to be unc remarked the magician who was pleased with the compliment -Output Transcription: dear me what a chatter box are getting to be an remarked the magician who was pleased with the compliment -2021-09-20 08:32:27.271 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.210526 -2021-09-20 08:32:27.273 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: january and february of eighteen thirty seven had passed away and still there was no reply from southey -Output Transcription: january in february of eighteen thirty seven had passed away and still there was no reply from the solve -2021-09-20 08:32:27.276 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.166667 -2021-09-20 08:32:27.276 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: at that moment the gentleman entered bearing a huge object concealed by a piece of green felt -Output Transcription: at that moment the gentleman entered bearing a huge object concealed by a piece of green felt -2021-09-20 08:32:27.277 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:32:27.279 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: friends said montfichet faintly to the wrestlers bear us escort so far as the sheriff's house -Output Transcription: friends said montrachet faintly to the wrestlers bar us escort so far as the sheriff's house -2021-09-20 08:32:27.281 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.125000 -2021-09-20 08:32:27.281 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the cat growled softly picked up the prize in her jaws and trotted into the bushes to devour it -Output Transcription: the cat growled softly picked up the prize in her jaws and trotted into the bushes to devour it -2021-09-20 08:32:27.281 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:32:27.281 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the awkward thing was that they had practically no other relations and that his own affairs took up all his time -Output Transcription: the awkward thing was that they had practically no other relations and that his own affairs took up all his time -2021-09-20 08:32:27.282 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:32:27.284 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: he continued his pretended search and to give color to his errand made two arrests -Output Transcription: he continued his pretended search and to give colour to his errand made to arrest -2021-09-20 08:32:27.285 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.200000 -2021-09-20 08:32:27.286 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: hay fever a heart trouble caused by falling in love with a grass widow -Output Transcription: hay fever a heart trouble caused by falling in love with a grass widow -2021-09-20 08:32:27.286 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:32:27.291 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: and so on till you get to the end when ophelia might say ah yes or something non committal of that sort -Output Transcription: and so on till you get to the end when pele might say ah yes or something noncommittal of that sort -2021-09-20 08:32:27.294 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.136364 -2021-09-20 08:32:27.295 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: is it not impossible he murmured aloud that any city should disappear so completely -Output Transcription: is it not impossible he murmured aloud that any city should disappear so completely -2021-09-20 08:32:27.295 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:32:27.295 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: as he had promised to protect the hotel the reassured citizens began to laugh at their own fears -Output Transcription: as he had promised to protect the hotel the reassured citizens began to laugh at their own fears -2021-09-20 08:32:27.296 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:32:27.299 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: robin fitzooth saw that his doubts of warrenton had been unfair and he became ashamed of himself for harboring them -Output Transcription: robin fitz oth saw that his doubts of warrenton had been unfair and he became ashamed of himself for harboring them -2021-09-20 08:32:27.303 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.100000 -2021-09-20 08:32:27.305 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: asked phronsie in intense interest slipping down out of polly's arms and crowding up close to jasper's side -Output Transcription: asked prose and intense interest slipping down out of polly's arms and crowding up close to jasper side -2021-09-20 08:32:27.308 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.166667 -2021-09-20 08:32:27.309 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i cannot allow the examination to be held if one of the papers has been tampered with the situation must be faced -Output Transcription: i cannot allow the examination to be held if one of the papers has been tampered with the situation must be faced -2021-09-20 08:32:27.309 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:32:27.311 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: rachel's pale and sharpened features and dilated eye struck her with a painful surprise -Output Transcription: rachel's pale and sharpened features and dilated i struck her with a painful surprise -2021-09-20 08:32:27.313 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.071429 -2021-09-20 08:32:27.314 | INFO | deepspeech2x.model:test:372 - Error rate [wer] (1536/?) = 0.075129 -2021-09-20 08:32:32.596 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: what then a human hand large and shapely appeared distinctly on the surface of the pond -Output Transcription: what then a human hand large and shapely appear distinctly on the surface of the pond -2021-09-20 08:32:32.598 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.062500 -2021-09-20 08:32:32.599 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: captain martin said i shall give you a pistol to help protect yourself if worse comes to worst -Output Transcription: captain martin said i shall give you a pistol to help protect yourself if worse comes to worst -2021-09-20 08:32:32.599 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:32:32.600 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the king stood up and called for that psalm which begins with these words -Output Transcription: the king stood up and called for that psalm which begins with these words -2021-09-20 08:32:32.600 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:32:32.600 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i know gasped polly controlling her sobs i won't only i can't thank you -Output Transcription: i know gasped polly controlling her sobs i won't only i can't thank you -2021-09-20 08:32:32.600 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:32:32.603 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: many laws exist among us which are the counterpart of yours as they were in the olden time -Output Transcription: many laws exist imo this which are the counterpart of yours as they were in the olden time -2021-09-20 08:32:32.606 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.111111 -2021-09-20 08:32:32.608 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the inmates being removed at the appointed hour a few cannon balls were fired through the stone walls -Output Transcription: the inmates being removed at the appointed hour if you cannon balls were fired to the stone walls -2021-09-20 08:32:32.611 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.166667 -2021-09-20 08:32:32.611 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: always irritable cold indifferent he had grown rapidly more so as years went on -Output Transcription: always irritable cold indifferent he had grown rapidly more so as years went on -2021-09-20 08:32:32.611 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:32:32.614 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the air and the earth are curiously mated and intermingled as if the one were the breath of the other -Output Transcription: the air and the earth or curiously mated and intermingled as if the one or the breath of the other -2021-09-20 08:32:32.617 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.100000 -2021-09-20 08:32:32.622 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i like you will you are the second will that i have met and liked within two days is there a sign in that -Output Transcription: i like you will you are the second will that i have met in light within two days is there a sign in that -2021-09-20 08:32:32.626 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.083333 -2021-09-20 08:32:32.626 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the room of the great knife was high and big and around it ran rows of benches for the spectators to sit upon -Output Transcription: the room of the great knife was high and big and around it ran rows of benches for the spectators to sit upon -2021-09-20 08:32:32.626 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:32:32.628 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: no no no totty ud get her feet wet said missus poyser carrying away her iron -Output Transcription: no no no toddy did her feet wet said missus poyser carrying away her iron -2021-09-20 08:32:32.630 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.187500 -2021-09-20 08:32:32.634 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the question is which of the two methods will most effectively reach the persons whose convictions it is desired to affect -Output Transcription: the question is which of the two methods will most effectively reached the persons whose convictions it is desired to effect -2021-09-20 08:32:32.637 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.095238 -2021-09-20 08:32:32.641 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: at the foot of the mountain that separated the country of the munchkins from the country of the gillikins the path divided -Output Transcription: at the foot of the mountain separated the country of the munchkins from the country of the gilligans the path divided -2021-09-20 08:32:32.644 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.090909 -2021-09-20 08:32:32.648 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: she saw that the bed was gilded and so rich that it seemed that of a prince rather than of a private gentleman -Output Transcription: she saw that the bed was gilded and so rich that it seemed that of a prince or rather that of a private gentleman -2021-09-20 08:32:32.652 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.086957 -2021-09-20 08:32:32.656 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: robin and the little tumbler between them tried to force the squire to stand back and very valiantly did these two comport themselves -Output Transcription: robin and the little tumbler between them tried to force the squire to stand back and very valiantly to these two comport themselves -2021-09-20 08:32:32.660 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.043478 -2021-09-20 08:32:32.660 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: but that wise and placid woman understood the sweet rebel a great deal better than ruth understood herself -Output Transcription: but that wise and placid woman understood the sweet rebel a great deal better than ruth understood herself -2021-09-20 08:32:32.660 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:32:32.662 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: many if not all the elements of the pre socratic philosophy are included in the timaeus -Output Transcription: many if not all the elements of the presocratic philosophy are included into timeus -2021-09-20 08:32:32.664 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.312500 -2021-09-20 08:32:32.664 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: why if we erect a station at the falls it is a great economy to get it up to the city -Output Transcription: why if we erect a station at the falls it is a great economy to get it up to the city -2021-09-20 08:32:32.665 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:32:32.665 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: indeed there were only one or two strangers who could be admitted among the sisters without producing the same result -Output Transcription: indeed there were only one or two strangers who could be admitted among the sisters without producing the same result -2021-09-20 08:32:32.665 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:32:32.669 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: he give up his position and shut the family up in that tomb of a house so t he could study his books -Output Transcription: he gave up his position and shut the family up in that tomb of a house so he could study his books -2021-09-20 08:32:32.673 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.086957 -2021-09-20 08:32:32.676 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: nay dear aunt you never heard me say that all people are called to forsake their work and their families -Output Transcription: nay dear and you never heard me say that all people are called to forsake their work and their families -2021-09-20 08:32:32.679 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.050000 -2021-09-20 08:32:32.682 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: two monsters only were creating all this commotion and before my eyes are two reptiles of the primitive world -Output Transcription: two monsters only recreating all this commotion and before my eyes are too ripe holes of the primitive world -2021-09-20 08:32:32.685 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.263158 -2021-09-20 08:32:32.687 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: ruth sat quite still for a time with face intent and flushed it was out now -Output Transcription: ruth sat quite still for a time with face and tent and flushed it was out now -2021-09-20 08:32:32.689 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.125000 -2021-09-20 08:32:32.689 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: were i to comply with your orders without expressing my own opinion i should seem to have done so willingly hereafter -Output Transcription: were i to comply with your orders without expressing my own opinion i should seem to have done so willingly hereafter -2021-09-20 08:32:32.690 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:32:32.694 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the sight of you bartley to see you living and happy and successful can i never make you understand what that means to me -Output Transcription: the sight of you partly to see you living and happy into successful can i never make you understand what that means to me -2021-09-20 08:32:32.698 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.083333 -2021-09-20 08:32:32.699 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i will make you translate them into french and you need not be afraid of my finding you insatiable -Output Transcription: i will make you translate them into french and you need not be afraid of my finding you insatiable -2021-09-20 08:32:32.699 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:32:32.702 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i believe in the training of people to their highest capacity the englishman here heartily seconded him -Output Transcription: i believe in the training of people to their has capacity the englishman here heartily seconded him -2021-09-20 08:32:32.704 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.058824 -2021-09-20 08:32:32.705 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the wharves of brooklyn and every part of new york bordering the east river were crowded with curiosity seekers -Output Transcription: the wharves of brooklyn and every part of new york bordering the east river were crowded with curiosity seekers -2021-09-20 08:32:32.705 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:32:32.710 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: as holmes drew the curtain i was aware from some little rigidity and alertness of his attitude that he was prepared for an emergency -Output Transcription: as holmes drew the curtain i was aware from some little rigidity and an alertness of his attitude that he was prepared for an emergency -2021-09-20 08:32:32.714 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.041667 -2021-09-20 08:32:32.720 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: she was very fond of the young ladies whom she had known when aunt jane was the mistress here and beth was her especial favorite -Output Transcription: she was very fond of the young ladies whom she had known when aunt jane was their mistress here and beth was her special favourite -2021-09-20 08:32:32.725 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.120000 -2021-09-20 08:32:32.727 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: then turning to jane she asked in a somewhat altered tone has she been a good girl jane -Output Transcription: then turning to jane she asked in a somewhat altered tone had she been a good girl jane -2021-09-20 08:32:32.730 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.055556 -2021-09-20 08:32:32.731 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: if this matter is not to become public we must give ourselves certain powers and resolve ourselves into a small private court martial -Output Transcription: if this matter is not to become public we must give ourselves certain powers and resolve ourselves into a small private court martial -2021-09-20 08:32:32.731 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:32:32.732 | INFO | deepspeech2x.model:test:372 - Error rate [wer] (1568/?) = 0.074902 -2021-09-20 08:32:34.959 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: it is such a noble ambition that it is a pity it has usually such a shallow foundation -Output Transcription: it is such a noble ambition that it is a pity it has usually such a shallow foundation -2021-09-20 08:32:34.960 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:32:34.961 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: come come said holmes kindly it is human to err and at least no one can accuse you of being a callous criminal -Output Transcription: come come said holmes kindly it is human to err and at least no one can accuse you of being a callous criminal -2021-09-20 08:32:34.961 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:32:34.963 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: these thoughts agitated me all day and my imagination scarcely calmed down after several hours sleep -Output Transcription: these thoughts agitated me all day in my imagination scarcely calm down after several hours sleeve -2021-09-20 08:32:34.965 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.187500 -2021-09-20 08:32:34.967 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: and what demonstration do you offer asked servadac eagerly that it will not happen -Output Transcription: and what demonstration do you offer asked serac eagerly that it will not happen -2021-09-20 08:32:34.968 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.071429 -2021-09-20 08:32:34.969 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i knew nothing of the doctrine of faith because we were taught sophistry instead of certainty and nobody understood spiritual boasting -Output Transcription: i knew nothing of the doctrine of faith because we were taught sophistry instead of certainty and nobody understood spiritual boasting -2021-09-20 08:32:34.969 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:32:34.972 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: but it is not with a view to distinction that you should cultivate this talent if you consult your own happiness -Output Transcription: but it is not with a view to distinction that you should cultivate this talent if you can set your unhappiness -2021-09-20 08:32:34.976 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.190476 -2021-09-20 08:32:34.979 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: so ghip ghisizzle ordered the captain to take a file of soldiers and escort the raving beauties to their new home -Output Transcription: so hp chasis ordered the captain to take a file of soldiers and escort raving beauties to their new home -2021-09-20 08:32:34.982 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.142857 -2021-09-20 08:32:34.982 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: like the doves voice like transient day like music in the air ah -Output Transcription: like the doves voice like transient day like music in the air ah -2021-09-20 08:32:34.983 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:32:34.988 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the alternative was that someone passing had observed the key in the door had known that i was out and had entered to look at the papers -Output Transcription: they'll turn to was that someone passing had observed the key in the door had known that i was out and had entered to look at the papers -2021-09-20 08:32:34.994 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.111111 -2021-09-20 08:32:34.996 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: saturday august fifteenth the sea unbroken all round no land in sight -Output Transcription: saturday august fifteen the sea and broken all round no land in sight -2021-09-20 08:32:34.997 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.250000 -2021-09-20 08:32:34.997 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the mohican started on his feet and shook his shaggy covering as though the animal he counterfeited was about to make some desperate effort -Output Transcription: the mohican started on his feet and shook his shaggy covering as though the animal he counterfeited was about to make some desperate effort -2021-09-20 08:32:34.998 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:32:34.999 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: find some cresswells there big plantations rated at two hundred and fifty thousand dollars -Output Transcription: five some crust whales there big plantations radiate two hundred and fifty thousand dollars -2021-09-20 08:32:35.001 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.357143 -2021-09-20 08:32:35.001 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: what i mean is that i want you to promise never to see me again no matter how often i come no matter how hard i beg -Output Transcription: what i mean is that i want you to promise never to see me again no matter how often i come no matter how hard i beg -2021-09-20 08:32:35.002 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:32:35.002 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: ten days were consumed in these negotiations but the spirit of vengeance refused to yield -Output Transcription: ten days were consumed in these negotiations but the spirit of vengeance refused to yield -2021-09-20 08:32:35.002 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:32:35.007 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: not only this but on the table i found a small ball of black dough or clay with specks of something which looks like sawdust in it -Output Transcription: not only this but on the table i found a small ball of black doll or clay with specks of something which looks like sawdust and -2021-09-20 08:32:35.013 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.111111 -2021-09-20 08:32:35.016 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: yea his honourable worship is within but he hath a godly minister or two with him and likewise a leech -Output Transcription: yea his honourable worship is within but he hath the godly minister or two with him and likewise a leech -2021-09-20 08:32:35.019 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.050000 -2021-09-20 08:32:35.023 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the john bright is armed with a weapon of great power against which it is impossible that the people of britannula should prevail -Output Transcription: the job right his arm with a weapon of great power against which it is impossible that the people of britain ula should prevail -2021-09-20 08:32:35.028 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.260870 -2021-09-20 08:32:35.028 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the meter continued in general service during eighteen ninety nine and probably up to the close of the century -Output Transcription: the meter continued in general service during eighteen ninety nine and probably up to the close of the century -2021-09-20 08:32:35.028 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:32:35.028 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the door opened again while i was still studying the two brothers without i honestly confess being very favorably impressed by either of them -Output Transcription: the door opened again while i was still studying the two brothers without i honestly confess being very favorably impressed by either of them -2021-09-20 08:32:35.029 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:32:35.031 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: do you know lake oh i really can't tell but he'll soon tire of country life -Output Transcription: do you know like oh i'm really can't tell but he'll soon tire of country life -2021-09-20 08:32:35.033 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.125000 -2021-09-20 08:32:35.036 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: but emil if i understand then all our good times are over we can never do nice things together any more -Output Transcription: but imo if i understand it all or a good times are over we can never do nice things together any more -2021-09-20 08:32:35.040 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.190476 -2021-09-20 08:32:35.043 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: miss de graf said kenneth noticing the boy's face critically as he stood where the light from the passage fell upon it -Output Transcription: mister graft said kenneth noticing the boy's face critically as he stood where the light from the passage fell upon it -2021-09-20 08:32:35.047 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.136364 -2021-09-20 08:32:35.051 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: dear me ejaculated the old gentleman in the utmost amazement and such a time as i've had to get her here too -Output Transcription: dear me ejaculated the old gentleman and the utmost amazement and such a time as i've had to get her here to -2021-09-20 08:32:35.054 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.090909 -2021-09-20 08:32:35.056 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: not gold or silver or paschal lambs or an angel but himself what for -Output Transcription: not gold or silver or patio lamps or an angel but himself what for -2021-09-20 08:32:35.058 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.142857 -2021-09-20 08:32:35.058 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: for like as not they must have thought him a prince when they saw his fine cap -Output Transcription: for like as not they must have thought him a prince when they saw his fine cap -2021-09-20 08:32:35.058 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:32:35.063 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: but they could not have proven a case against lucy if she was innocent and all their threats of arresting her were probably mere bluff -Output Transcription: but they could not have proven a case against lucy if she was innocent and all their threats of arresting her were probably a mere bluff -2021-09-20 08:32:35.068 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.040000 -2021-09-20 08:32:35.070 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: gold is the most common metal in the land of oz and is used for many purposes because it is soft and pliable -Output Transcription: gold is the most common metal in the land of oz and is used for many purposes because it is soft and pliable -2021-09-20 08:32:35.070 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:32:35.073 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: but the memory of their exploits has passed away owing to the lapse of time and the extinction of the actors -Output Transcription: the memory of their exploits have passed away owing to the lapse of time and the extinction of the actors -2021-09-20 08:32:35.077 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.095238 -2021-09-20 08:32:35.081 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i couldn't shiver much bein bound so tight but when i'm loose i mean to have jus one good shiver to relieve my feelin's -Output Transcription: i couldn't shiver much being bound so tight but when i love i mean to have just one good shiver to relieve my feelings -2021-09-20 08:32:35.086 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.208333 -2021-09-20 08:32:35.089 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: it is founded on the acknowledged weakness of those who survive that period of life at which men cease to work -Output Transcription: it is founded on the acknowledged weakness of those who survived that period of life at which men cease to work -2021-09-20 08:32:35.093 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.047619 -2021-09-20 08:32:35.095 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: double nine two three elsinore double nine yes hallo is that you horatio hamlet speaking -Output Transcription: double nine two three elenor double not yes fellow is that you horatio hamlet speaking -2021-09-20 08:32:35.097 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.200000 -2021-09-20 08:32:35.100 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i can distinguish the eye of the ichthyosaurus glowing like a red hot coal and as large as a man's head -Output Transcription: i can distinguish the eye of dioscorus glowing like a red hot o and as large as a man's head -2021-09-20 08:32:35.103 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.142857 -2021-09-20 08:32:35.105 | INFO | deepspeech2x.model:test:372 - Error rate [wer] (1600/?) = 0.075543 -2021-09-20 08:32:37.594 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: in the old badly made play it was frequently necessary for one of the characters to take the audience into his confidence -Output Transcription: in the old badly made plain it was frequently necessary for one of the characters to take the audience into his competence -2021-09-20 08:32:37.598 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.090909 -2021-09-20 08:32:37.601 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i was to be taken away and carried to england or elsewhere or drowned upon the voyage it mattered not which -Output Transcription: i was to be taken away and carry to england or elsewhere or drowned upon the voyage mattered not which -2021-09-20 08:32:37.605 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.095238 -2021-09-20 08:32:37.609 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the delaware dog he said leaning forward and peering through the dim light to catch the expression of the other's features is he afraid -Output Transcription: the delaware dog he said leaning forward and peering through the dim light to catch the expression of the others features is he afraid -2021-09-20 08:32:37.613 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.041667 -2021-09-20 08:32:37.614 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: these women were flattered by the attention of the young lady and had promised to assist in electing mister forbes -Output Transcription: these women were flattered by the attention of the young lady and had promised to assist in electing mister forbes -2021-09-20 08:32:37.614 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:32:37.616 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: for one long moment he paused stupid agape with utter amazement then leaned dizzily against a tree -Output Transcription: for one long moment he paused stupid a gate with utter amazement then leaned dizzily against the tree -2021-09-20 08:32:37.619 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.176471 -2021-09-20 08:32:37.621 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the attendance was unexpectedly large and the girls were delighted foreseeing great success for their fete -Output Transcription: the attendance was unexpectedly large and the girls were delighted for seeing great success for their fight -2021-09-20 08:32:37.623 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.187500 -2021-09-20 08:32:37.628 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: if the prosecution were withdrawn and the case settled with the victim of the forged check then the young man would be allowed his freedom -Output Transcription: if the prosecution were withdrawn and the case settled with the victim of the fore check then the young man would be allowed his freedom -2021-09-20 08:32:37.633 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.040000 -2021-09-20 08:32:37.637 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: he was a fanatic on formality and he only addressed me in the third person to the point where it got tiresome -Output Transcription: he was a fanatic on formality and he only addressed me in the third person to the point where it got higher some -2021-09-20 08:32:37.641 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.090909 -2021-09-20 08:32:37.641 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: when she could not make a rabbit or a bird look real on paper she searched in her father's books for pictures of its bones -Output Transcription: when she could not make a rabbit or a bird look real on paper she searched in her father's books for pictures of its bones -2021-09-20 08:32:37.641 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:32:37.645 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: we look for that reward which eye hath not seen nor ear heard neither hath entered into the heart of man -Output Transcription: we look for that reward which i hath not seen nor ear heard neither hath entered into the heart of man -2021-09-20 08:32:37.648 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.047619 -2021-09-20 08:32:37.648 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: to teach reading means to light the fire every syllable spelled out sparkles -Output Transcription: to teach reading means to light the fire every syllable spelled out sparkles -2021-09-20 08:32:37.649 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:32:37.653 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: they moved thereafter cautiously about the hut groping before and about them to find something to show that warrenton had fulfilled his mission -Output Transcription: they moved thereafter cautiously about the hut groping before and about them to find something to show that the warrant in had fulfilled his mission -2021-09-20 08:32:37.657 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.130435 -2021-09-20 08:32:37.660 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the atmosphere is charged with vapours pervaded with the electricity generated by the evaporation of saline waters -Output Transcription: the atmosphere is charged with vapors pervaded with the electricity generated by the evaporation of sailing waters -2021-09-20 08:32:37.662 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.117647 -2021-09-20 08:32:37.662 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: he summoned half a dozen citizens to join his posse who followed obeyed and assisted him -Output Transcription: he summoned half a dozen citizens to join his posse who followed obeyed and assisted him -2021-09-20 08:32:37.662 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:32:37.663 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: hotel a place where a guest often gives up good dollars for poor quarters -Output Transcription: hotel a place where a guest often gives up good dollars for poor quarters -2021-09-20 08:32:37.663 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:32:37.668 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: but it is on other grounds worth noting that the term waste in the language of everyday life implies deprecation of what is characterized as wasteful -Output Transcription: but it is another grand worth noting that the term waste in the language of everyday life implies deprecation of what is characterized as wasteful -2021-09-20 08:32:37.673 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.115385 -2021-09-20 08:32:37.676 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: in novels the hero has often pushed his meals away untasted but no stage hero would do anything so unnatural as this -Output Transcription: in novels the hero has often pushed his meals away un tasted but no state or would do anything so unnatural as this -2021-09-20 08:32:37.680 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.181818 -2021-09-20 08:32:37.684 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: it is you who are mistaken raoul i have read his distress in his eyes in his every gesture and action the whole day -Output Transcription: it is you were mistaken row i have read his distress in his eyes in his every gesture and action the whole day -2021-09-20 08:32:37.688 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.125000 -2021-09-20 08:32:37.691 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: semon's two books mentioned in an earlier lecture do not touch knowledge memory at all closely -Output Transcription: sermons two books mentioned in an earlier lecture do not touch knowledge memory at all closely -2021-09-20 08:32:37.693 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.062500 -2021-09-20 08:32:37.695 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: hilda watched him from her corner trembling and scarcely breathing dark shadows growing about her eyes it -Output Transcription: hilda watched him from the corner trembling and scarcely breathing dark shadows growing about her eyes it -2021-09-20 08:32:37.697 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.058824 -2021-09-20 08:32:37.702 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: this truth which i have learned from her lips is confirmed by his face in which we have both beheld that of our son -Output Transcription: this truth which i have learned from her lips is confirmed by his face in which we have both be held that of our son -2021-09-20 08:32:37.706 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.083333 -2021-09-20 08:32:37.707 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: there were plenty of people to help but of course the young lady who should go down as governess would be in supreme authority -Output Transcription: there were plenty of people to help but of course the young lady who should go down as governess would be in supreme authority -2021-09-20 08:32:37.707 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:32:37.710 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i swan to man he ejaculated if you don't work hard you can't keep up with the times doctor of laws -Output Transcription: i swaying to men he ejaculated if you don't work hard you can keep up with the times doctor of laws -2021-09-20 08:32:37.714 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.142857 -2021-09-20 08:32:37.714 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: from rubbing shoulders with scientists in our little universe by the botanical gardens the boy had come to know a thing or two -Output Transcription: from rubbing shoulders with scientists in our little universe by the botanical gardens the boy had come to know a thing or two -2021-09-20 08:32:37.714 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:32:37.719 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i had scarcely known what i had been saying or doing up to this time but as he spoke i looked at my hand -Output Transcription: i had scarcely known when i had been saying or doing up to this time by as he spoke i looked at my hand -2021-09-20 08:32:37.723 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.083333 -2021-09-20 08:32:37.726 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: look yonder do you not see the moon slowly rising silvering the topmost branches of the chestnuts and the oaks -Output Transcription: look yonder do you not see the moon slowly rising silvering the topmost branches of the chestnuts and the yolks -2021-09-20 08:32:37.730 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.050000 -2021-09-20 08:32:37.730 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: to bestow peace and grace lies in the province of god who alone can create these blessings the angels cannot -Output Transcription: to bestow peace and grace lies in the province of god who alone can create these blessings the angels cannot -2021-09-20 08:32:37.730 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:32:37.734 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: she a tory and clergyman's daughter was always in a minority of one in our house of violent dissent and radicalism -Output Transcription: she torian clergyman's daughter was always in a minority of one in our house of violent dissent and radicalism -2021-09-20 08:32:37.737 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.142857 -2021-09-20 08:32:37.742 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: by this time the two gentlemen had reached the palings and had got down from their horses it was plain they meant to come in -Output Transcription: by this time the two gentlemen had reached the palins and had got down from their horses it was plain they meant to come in -2021-09-20 08:32:37.747 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.040000 -2021-09-20 08:32:37.747 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: surface dust at least had been removed and the fine old furniture gave a hint of its real elegance and polish -Output Transcription: surface dust at least had been removed and the fine old furniture gave a hint of its real elegance and polish -2021-09-20 08:32:37.747 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:32:37.752 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the revelation of his love lighted and brightened slowly till it flamed like a sunrise over him and left him in burning wonder -Output Transcription: the revelation of his love lighted and brightened slowly till it flamed like a sunrise over him and left him in bruning wonder -2021-09-20 08:32:37.756 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.043478 -2021-09-20 08:32:37.756 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: whatever lord chelford said miss brandon received it very graciously and even with a momentary smile -Output Transcription: whatever lord chelford said miss brandon received it very graciously and even with a momentary smile -2021-09-20 08:32:37.757 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:32:37.757 | INFO | deepspeech2x.model:test:372 - Error rate [wer] (1632/?) = 0.075280 -2021-09-20 08:32:42.700 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: put these playthings all away quick and carefully and we will not let them know any thing about your leaving them out -Output Transcription: but these playthings all away quick and carefully and we will not let them know anything about your leaving them out -2021-09-20 08:32:42.704 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.136364 -2021-09-20 08:32:42.705 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: you seem anxious my uncle i said seeing him continually with his glass to his eye anxious -Output Transcription: you seem anxious my uncle i said seeing him continually with his glass to his eye anxious -2021-09-20 08:32:42.705 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:32:42.705 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i had a name i believe in my young days but i have forgotten it since i have been in service -Output Transcription: i had a name i believe in my young days but i have forgotten it since i have been in service -2021-09-20 08:32:42.705 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:32:42.709 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: their walk continued silent for the greater part neither was quite satisfied with the other but rachel at last said -Output Transcription: the walk continued silent for the greater part neither was quite satisfied with the other but rachel at last said -2021-09-20 08:32:42.712 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.050000 -2021-09-20 08:32:42.712 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: his wife now lies beside him and the white shaft that marks their graves gleams across the wheat fields -Output Transcription: his wife now lies beside him and the white shaft that marks their graves gleams across the wheat fields -2021-09-20 08:32:42.712 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:32:42.717 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: at the sudden sharp sting of it the great bird turned his head and noticed for the first time the fisherman standing on the bank -Output Transcription: at the sudden sharp sting of it the great bird turned his head and noticed for the first time the fishermen standing on the bank -2021-09-20 08:32:42.721 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.040000 -2021-09-20 08:32:42.722 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: he reckoned therefore not only upon ascertaining the extent of the late catastrophe but upon learning its cause -Output Transcription: he reckoned therefore not only upon ascertaining the extent of the late catastrophe but upon learning its cause -2021-09-20 08:32:42.722 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:32:42.725 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: he detested the grasping disposition that would endeavor to take advantage of his evident desire to help young gates -Output Transcription: he detested the grasping despises and that would endeavour to take advantage of his evident desire to help young gates -2021-09-20 08:32:42.728 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.157895 -2021-09-20 08:32:42.733 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: we are losing time and the fact is i have not come all this way to take a little sail upon a pond on a raft -Output Transcription: we are losing time and the fact is i have not come all this way to take a little sale upon a pond on a raft -2021-09-20 08:32:42.738 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.038462 -2021-09-20 08:32:42.742 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: warrenton spoke thus with significance to show robin that he was not to think geoffrey's claims to the estate would be passed by -Output Transcription: warrenton spoke thus with significance to show robin that he was not to think jeffrey's claims to the estate where we passed by -2021-09-20 08:32:42.746 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.130435 -2021-09-20 08:32:42.748 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: it sounded dull it sounded strange and all the more so because of his main condition which was -Output Transcription: it sounded dull that sounded strange and all the more because of his main condition which was -2021-09-20 08:32:42.751 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.111111 -2021-09-20 08:32:42.754 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: in the light of the moon i saw a knife red with blood and my hand too was also discoloured -Output Transcription: in the light of the moon i saw a knife red with blood and my hand too was also discolored -2021-09-20 08:32:42.757 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.050000 -2021-09-20 08:32:42.757 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: jack had been standing in the far corner of the room talking to eva and was now reduced to silence by his praises -Output Transcription: jack had been standing in the far corner of the room talking to eva and was now reduced to silence by his praises -2021-09-20 08:32:42.758 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:32:42.761 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: she was dressed in the regulation costume of the maids at elmhurst a plain black gown with white apron and cap -Output Transcription: she was dressed in the regulation costume of the maids at elmhurst a plain black gown with a white apron and cap -2021-09-20 08:32:42.765 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.047619 -2021-09-20 08:32:42.768 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: plato had not the command of his materials which would have enabled him to produce a perfect work of art -Output Transcription: place had not the command of his materials which would have enabled him to produce a perfect work of art -2021-09-20 08:32:42.771 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.050000 -2021-09-20 08:32:42.778 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: they were upon the verge of an open trap in the far corner of the hut and stuteley had tripped over the edge of the reversed flap mouth of this pit -Output Transcription: they were upon the verge of an open trap in the far corner of the hut and stately had tripped over the edge of the reversed flat mouth of this pit -2021-09-20 08:32:42.785 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.064516 -2021-09-20 08:32:42.785 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: this outward mutability indicated and did not more than fairly express the various properties of her inner life -Output Transcription: this outward mutability indicated and did not more than fairly express the various properties of her inner life -2021-09-20 08:32:42.785 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:32:42.789 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: it is an antipathy an antipathy i cannot get over dear dorcas you may think it a madness but don't blame me -Output Transcription: it is an antipathy and antipathy i cannot get over dear dorcas you may think it a madness but don't blame me -2021-09-20 08:32:42.792 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.045455 -2021-09-20 08:32:42.796 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: you know i have just been telling you how this school of materialism and clay involved itself at last in cloud and fire -Output Transcription: you know i have just been telling you how this school materialism and clay involved itself at last in cloud and fire -2021-09-20 08:32:42.800 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.043478 -2021-09-20 08:32:42.800 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i was hoping that if the paper on which he wrote was thin some trace of it might come through upon this polished surface no i see nothing -Output Transcription: i was hoping that if the paper on which he wrote was thin some trace of it might come through upon this polished surface no i see nothing -2021-09-20 08:32:42.801 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:32:42.801 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: after proceeding a few miles the progress of hawkeye who led the advance became more deliberate and watchful -Output Transcription: after proceeding a few miles the progress of hawkeye who led the advance became more deliberate and watchful -2021-09-20 08:32:42.801 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:32:42.803 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: quick quick then among the high reed grass said montalais stoop athenais you are so tall -Output Transcription: quick quick then among the high reed grass said montanas stoop athena you are so tall -2021-09-20 08:32:42.805 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.125000 -2021-09-20 08:32:42.808 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: its jaw is enormous and according to naturalists it is armed with no less than one hundred and eighty two teeth -Output Transcription: its jaw is enormous and according naturalists is armed with no less than one hundred and eighty two teeth -2021-09-20 08:32:42.811 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.095238 -2021-09-20 08:32:42.815 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: very much of squalor and discomfort will be endured before the last trinket or the last pretense of pecuniary decency is put away -Output Transcription: very much of squalor and discomfort will be endured before the last trinket or the last pretence of pecuniary decency is put away -2021-09-20 08:32:42.819 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.043478 -2021-09-20 08:32:42.823 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the night was spent in packing up and writing letters for philip would not take such an important step without informing his friends -Output Transcription: the night was spent in packing up in writing letters for philip would not take such an important step without informing his friends -2021-09-20 08:32:42.827 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.043478 -2021-09-20 08:32:42.828 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: did not christ himself say i am the way and the truth and the life no man cometh unto the father but by me -Output Transcription: did not christ himself say i am the way and the truth and the life no man cometh unto the father but by me -2021-09-20 08:32:42.829 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:32:42.829 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: oh mademoiselle why have i not a devoted sister or a true friend such as yourself -Output Transcription: oh mademoiselle why have i not a devoted sister or a true friend such as yourself -2021-09-20 08:32:42.829 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:32:42.834 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: what is the tumult and rioting cried out the squire authoritatively and he blew twice on a silver whistle which hung at his belt -Output Transcription: what is the tumult and rioting cried out the squire authoritatively and he blew twice on the silver whistle which hung at his belt -2021-09-20 08:32:42.838 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.041667 -2021-09-20 08:32:42.841 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: nancy's curly chestnut crop shone in the sun and olive's thick black plaits looked blacker by contrast -Output Transcription: nancy's curly chestnut crop shone in the sun and olive thick black plates looked blacker by contrast -2021-09-20 08:32:42.844 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.117647 -2021-09-20 08:32:42.844 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: cried one of the women he took no notice of her he looked at me but as if instead of me he saw what he spoke of -Output Transcription: cried one of the women he took no notice of her he looked at me but as if instead of me he saw what he spoke of -2021-09-20 08:32:42.844 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:32:42.848 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: but suddenly straight and swift as a diving cormorant he shot down into the torrent and disappeared beneath the surface -Output Transcription: but suddenly straight and swift as a dive in comrade he shot down into the torrent and disappeared beneath the surface -2021-09-20 08:32:42.851 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.150000 -2021-09-20 08:32:42.855 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: other circumstances permitting that instinct disposes men to look with favor upon productive efficiency and on whatever is of human use -Output Transcription: are the circumstances permitting that instinct disposes men to look with favor upon productive efficiency and on whatever is of human use -2021-09-20 08:32:42.859 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.095238 -2021-09-20 08:32:42.860 | INFO | deepspeech2x.model:test:372 - Error rate [wer] (1664/?) = 0.074457 -2021-09-20 08:32:45.038 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: his feet were red his long narrow beak with its saw toothed edges and sharp hooked tip was bright red -Output Transcription: his feet were red his long narrow beak with its soul toothed edges and sharp hooked tip was bright red -2021-09-20 08:32:45.042 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.050000 -2021-09-20 08:32:45.045 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the behaviourist who attempts to make psychology a record of behaviour has to trust his memory in making the record -Output Transcription: the behaviors to attempts to make psychology a record of behaviour has to trust his memory and making the record -2021-09-20 08:32:45.049 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.150000 -2021-09-20 08:32:45.054 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: but your power is so superior to any that i can advance as to make us here feel that there is no disgrace in yielding to it -Output Transcription: but your power is so superior to any that i can advance as to make us here feel that there is no disgrace and yielding to it -2021-09-20 08:32:45.060 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.037037 -2021-09-20 08:32:45.060 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: suddenly for the purpose of restoring peace and order spring accompanied by his whole court made his appearance -Output Transcription: suddenly for the purpose of restoring peace and order spring accompanied by his whole court made his appearance -2021-09-20 08:32:45.060 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:32:45.065 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the first of these touches conveyed that the written statement took up the tale at a point after it had in a manner begun -Output Transcription: the first of these touches conveyed that the written statement took up the tale at a point after it had in a manner for gun -2021-09-20 08:32:45.069 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.083333 -2021-09-20 08:32:45.071 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: suddenly the ichthyosaurus and the plesiosaurus disappear below leaving a whirlpool eddying in the water -Output Transcription: suddenly the tears and the plesiosaurs disappear below leaving a warp eddy in the water -2021-09-20 08:32:45.073 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.266667 -2021-09-20 08:32:45.078 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i understand you to say that there are three students who use this stair and are in the habit of passing your door yes there are -Output Transcription: i understand you to say that there are three students to use the star and are in the habit of passing your door yes there are -2021-09-20 08:32:45.083 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.115385 -2021-09-20 08:32:45.084 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: true history being a mixture of all things the true historian mingles in everything -Output Transcription: true history being a mixture of all things the true historian mingles in everything -2021-09-20 08:32:45.084 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:32:45.086 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i love thee with the passion put to use in my old griefs and with my childhood's faith -Output Transcription: i love thee with the passion put to use in my old breeds and with my childhood's faith -2021-09-20 08:32:45.089 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.055556 -2021-09-20 08:32:45.089 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: this would be an easy way of doing it but it would not be the best way for the reason that it is too easy to call attention to itself -Output Transcription: this would be an easy way of doing it but it would not be the best way for the reason that it is too easy to call attention to itself -2021-09-20 08:32:45.089 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:32:45.092 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: of course he reflected she always had that combination of something homely and sensible and something utterly wild and daft -Output Transcription: of course he reflected she always had that combination of something homely insensible and something utterly wild and daft -2021-09-20 08:32:45.095 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.100000 -2021-09-20 08:32:45.100 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the log and the compass therefore were able to be called upon to do the work of the sextant which had become utterly useless -Output Transcription: the log and the compass therefore were able to be called upon to do the work of the extant which had become utterly useless -2021-09-20 08:32:45.104 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.041667 -2021-09-20 08:32:45.108 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: but hawkeye who was too much occupied with his own thoughts to note the movement continued speaking more to himself than to his companion -Output Transcription: but hawkeye who was too much occupied with his own thoughts to note the movement continued speaking more to himself into his companion -2021-09-20 08:32:45.112 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.083333 -2021-09-20 08:32:45.114 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: thus no knowledge as to the past is to be derived from the feeling of familiarity alone -Output Transcription: thus no knowledge as to the past is to be derived from the filling of familiarity alone -2021-09-20 08:32:45.117 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.058824 -2021-09-20 08:32:45.117 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: in short he becomes a prominent figure in london society and if he is not careful somebody will say so -Output Transcription: in short he becomes a prominent figure in london society and if he is not careful somebody will say so -2021-09-20 08:32:45.117 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:32:45.117 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: how much of evil of real accomplished evil had there not occurred to me during the last few days -Output Transcription: how much of evil of real accomplished evil had there not occurred to me during the last few days -2021-09-20 08:32:45.118 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:32:45.120 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: a ring of amethyst i could not wear here plainer to my sight than that first kiss -Output Transcription: a ring of amethyst i could not wear here plainer to my side than that first kiss -2021-09-20 08:32:45.122 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.058824 -2021-09-20 08:32:45.125 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: you ought to know john if i teach negroes i'll scarcely see much of people in my own class -Output Transcription: you ought to know john if i teach negroes all scarcely see much of people in my own class -2021-09-20 08:32:45.128 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.052632 -2021-09-20 08:32:45.133 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: an article may be useful and wasteful both and its utility to the consumer may be made up of use and waste in the most varying proportions -Output Transcription: an article may be useful and wasteful both and it setit to the consumer may be made up of use and waste in the most varying proportions -2021-09-20 08:32:45.139 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.074074 -2021-09-20 08:32:45.139 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: it was simple enough sir if you only had known but with all your cleverness it was impossible that you could know -Output Transcription: it was simple enough sir if you only had known but with all your cleverness it was impossible that you could know -2021-09-20 08:32:45.140 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:32:45.144 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: four or five of the latter only lingered about the door of the prison of uncas wary but close observers of the manner of their captive -Output Transcription: four or five of the latter only lingered about the door of the prison of uncas weary but close observers of the manner of their captive -2021-09-20 08:32:45.149 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.038462 -2021-09-20 08:32:45.151 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: don't you know one about bacon and tallow candles can't you tell any larder stories -Output Transcription: don't you know one about bacon and talca does cant you to any larger stories -2021-09-20 08:32:45.153 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.333333 -2021-09-20 08:32:45.158 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: surely it must be because we are in danger of loving each other too well of losing sight of the creator in idolatry of the creature -Output Transcription: truly it must be because we are in danger of loving each other too well of losing sight of the creator in idolatry of the creature -2021-09-20 08:32:45.163 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.038462 -2021-09-20 08:32:45.163 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: but here he was at a terrible disadvantage as compared with the owls hawks and eagles he had no rending claws -Output Transcription: but here he was at a terrible disadvantage as compared with the owls hawks and eagles he had no rending claws -2021-09-20 08:32:45.164 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:32:45.164 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: he passed through henley saint albans and came so near to london as harrow on the hill -Output Transcription: he passed through henley saint albans and came so near to london as harrow on the hill -2021-09-20 08:32:45.164 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:32:45.169 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: that evening trot gave a grand ball in the palace to which the most important of the pinkies and the blueskins were invited -Output Transcription: that evening to give a grand ball in the palace to which the most important of the pinkies in the blue skins were invited -2021-09-20 08:32:45.173 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.217391 -2021-09-20 08:32:45.174 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: if he to keep one oath must lose one joy by his life's star foretold -Output Transcription: if he to keep one oath must lose one joy by his life's star foretold -2021-09-20 08:32:45.174 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:32:45.175 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: but they have nothing to do with the interpretation of plato and in spirit they are opposed to him -Output Transcription: but they have nothing to do with the interpretation of plato and in spirit they are opposed to him -2021-09-20 08:32:45.175 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:32:45.179 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: at the inception of plural marriage among the latter day saints there was no law national or state against its practise -Output Transcription: at the inception of burl marriage among the latter day saints there was no law national or state against its practice -2021-09-20 08:32:45.182 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.095238 -2021-09-20 08:32:45.185 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: you have received us with all that courtesy and hospitality for which your character in england stands so high -Output Transcription: you have received us with all that courtesy and hospitality for which your character in england stand so high -2021-09-20 08:32:45.188 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.052632 -2021-09-20 08:32:45.193 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: alexander paced up and down the hallway buttoning and unbuttoning his overcoat until she returned and took him up to hilda's living room -Output Transcription: alexander paced up and down the hallway buttoning and unbuttoning his overcoat until she returned and took him up to hill his living room -2021-09-20 08:32:45.197 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.086957 -2021-09-20 08:32:45.201 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: instead of shoes the old man wore boots with turnover tops and his blue coat had wide cuffs of gold braid -Output Transcription: instead of shoes the old man wore boots with turn over tops and his blue coat had wide cuffs of gold braid -2021-09-20 08:32:45.204 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.095238 -2021-09-20 08:32:45.205 | INFO | deepspeech2x.model:test:372 - Error rate [wer] (1696/?) = 0.074183 -2021-09-20 08:32:47.943 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: not a doubt but had your force been only double or treble our own i should have found it my duty to struggle with you -Output Transcription: not a doubt but had your force been only double or trouble our own i should have found it my duty to struggle with you -2021-09-20 08:32:47.949 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.040000 -2021-09-20 08:32:47.949 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: other subtleties occur inside each episode the textures sparkling with wit information and insight -Output Transcription: other subtleties occur inside each episode the textures sparkling with wit information and insight -2021-09-20 08:32:47.950 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:32:47.955 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i greatly mourn that one so well disposed should die in his ignorance and i have sought a goodly hymn can you lead me to him -Output Transcription: i greatly mourned that one so well disposed should die in his ignorance and i have sought a goodly hymn can you lead me to him -2021-09-20 08:32:47.960 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.038462 -2021-09-20 08:32:47.961 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: he planted a company before the hotel and demanded a surrender of the arms belonging to the free state military companies -Output Transcription: he planted a company before the hotel and demanded a surrender of the arms belonging to the free state military companies -2021-09-20 08:32:47.961 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:32:47.964 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: and though i have grown serene and strong since then i think that god has willed a still renewable fear -Output Transcription: and though i have grown serene and strong since then i think that god his will a still renewable fear -2021-09-20 08:32:47.967 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.100000 -2021-09-20 08:32:47.972 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the doctor who attended the injured creature in this case was simply told that she slipped and fell down stairs as she was coming down -Output Transcription: the doctor who attended the ancient creature in this case was simply told that she slipped and fell down the stairs as she was coming down -2021-09-20 08:32:47.977 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.080000 -2021-09-20 08:32:47.980 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: she was therefore most agreeably surprised to hear mister cresswell express himself so cordially as approving of negro education -Output Transcription: she was therefore most agreeably surprised to hear mister criswell express himself so cordially as approving of negro education -2021-09-20 08:32:47.983 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.052632 -2021-09-20 08:32:47.987 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i've managed to save something every year and that with helping my three sisters now and then and tiding poor cousin mike over bad seasons -Output Transcription: i've managed to save something every year and that with helping my three sisters now and then and tiding poor cousin michael bad seasons -2021-09-20 08:32:47.992 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.080000 -2021-09-20 08:32:47.992 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: among other things on which she cast her eyes was a small crucifix of solid silver standing on a cabinet near the window -Output Transcription: among other things on which she cast her eyes was a small crucifix of solid silver standing on a cabinet near the window -2021-09-20 08:32:47.992 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:32:47.997 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: all that i am doing is to use its logical tenability as a help in the analysis of what occurs when we remember -Output Transcription: all that i am doing is to use its logical tunability as a help in the analysis of what occurs when we remember -2021-09-20 08:32:48.001 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.043478 -2021-09-20 08:32:48.001 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: there was a unanimous groan at this and much reproach after which in his preoccupied way he explained -Output Transcription: there was a unanimous groan at this and much reproach after which in his preoccupied way he explained -2021-09-20 08:32:48.001 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:32:48.006 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: it was a pain to see them and a sword like pain to see the signs of adolescence that made repellent their pitiable nakedness -Output Transcription: it was a pain to see them and a sword like paying to see the signs of adolescence that made repellent their pitiable nakedness -2021-09-20 08:32:48.010 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.041667 -2021-09-20 08:32:48.013 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: jack would become eva's happy husband and would remain amidst the hurried duties of the eager world -Output Transcription: jack would become evans happy husband and would remain a mist the hurried duties of the eager world -2021-09-20 08:32:48.015 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.176471 -2021-09-20 08:32:48.016 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: very carefully the magician removed this powder placing it all together in a golden dish where he mixed it with a golden spoon -Output Transcription: very carefully the magician removed this powder placing it all together in a golden dish where he mixed it with a golden spoon -2021-09-20 08:32:48.016 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:32:48.016 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: poor rachel her nature recoiled from deceit and she told at all events as much of the truth as she dared -Output Transcription: poor rachel her nature recoiled from deceit and she told at all events as much of the truth as she dared -2021-09-20 08:32:48.016 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:32:48.022 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: his hat had a peaked crown and a flat brim and around the brim was a row of tiny golden bells that tinkled when he moved -Output Transcription: his hat had a peaked crown in a flat brim and around the brim was a row of tiny golden bells that tinkled when he moved -2021-09-20 08:32:48.027 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.038462 -2021-09-20 08:32:48.030 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: but plato has not the same mastery over his instrument which he exhibits in the phaedrus or symposium -Output Transcription: but plato has not the same mystery over his instrument which he exhibits in the features or symposium -2021-09-20 08:32:48.032 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.111111 -2021-09-20 08:32:48.035 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i would fain know if i am destined for so glorious a career cried the tree rejoicing -Output Transcription: i would fain know if i am destined for so glory as a career cried the tree rejoicing -2021-09-20 08:32:48.037 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.117647 -2021-09-20 08:32:48.042 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: one of the sailors led me to the afterdeck where i stood in the presence of a smart looking officer who extended his hand to me -Output Transcription: one of the sailors led me to the after deck where i stood in the presence of a smart looking officer who extended his hand to me -2021-09-20 08:32:48.047 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.076923 -2021-09-20 08:32:48.048 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: he spoke french perfectly i have been told when need was but delighted usually in talking the broadest yorkshire -Output Transcription: he spoke french perfectly i have been told when need was but delighted usually in talking the broadest yorkshire -2021-09-20 08:32:48.048 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:32:48.055 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i've got a little idea for a play about a man and a woman and another woman and but perhaps i'd better keep the plot a secret for the moment -Output Transcription: i've got a little idea for a play about a man and a woman and another woman and but perhaps had better get up on a secret for the moment -2021-09-20 08:32:48.061 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.133333 -2021-09-20 08:32:48.063 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: mussulmans and giaours throw kerchiefs at a smile and have no ruth for any weeping -Output Transcription: mussulman and gears through kerchiefs and a smile and have no ruth for any weeping -2021-09-20 08:32:48.065 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.266667 -2021-09-20 08:32:48.070 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: but as we descend the social scale the point is presently reached where the duties of vicarious leisure and consumption devolve upon the wife alone -Output Transcription: but as we descend the social scale the point is presently reached where the duties of icarus leisure and consumption devolve upon the wife alone -2021-09-20 08:32:48.075 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.040000 -2021-09-20 08:32:48.077 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: this reality begins to explain the dark power and otherworldly fascination of twenty thousand leagues under the seas -Output Transcription: this reality begins to explain the dark power and other worldly fascination of twenty thousand leagues under the seas -2021-09-20 08:32:48.080 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.111111 -2021-09-20 08:32:48.085 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: uncas who had already approached the door in readiness to lead the way now recoiled and placed himself once more in the bottom of the lodge -Output Transcription: uncas who had already approached the door and readiness to lead the way now recoiled and placed himself once more in the bottom of the lodge -2021-09-20 08:32:48.090 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.038462 -2021-09-20 08:32:48.093 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the genealogies which you have recited to us out of your own annals solon are a mere children's story -Output Transcription: the genealogies which we have recited to us out of your own annual sullen are a mere children's story -2021-09-20 08:32:48.095 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.157895 -2021-09-20 08:32:48.100 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i will briefly describe them to you and you shall read the account of them at your leisure in the sacred registers -Output Transcription: i will briefly describe them to you and i shall read the account of them at your leisure in the secret registers -2021-09-20 08:32:48.104 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.090909 -2021-09-20 08:32:48.108 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the wearers of uniforms and liveries may be roughly divided into two classes the free and the servile or the noble and the ignoble -Output Transcription: the wearers of uniforms in liveries may be roughly divided into two classes the free and the servile or the noble and the ignoble -2021-09-20 08:32:48.113 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.041667 -2021-09-20 08:32:48.117 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: mainhall vouched for her constancy with a loftiness that made alexander smile even while a kind of rapid excitement was tingling through him -Output Transcription: may hold out for her constancy with a loftiness that made alexander smile even while a kind of rapid excitement was tingling through him -2021-09-20 08:32:48.122 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.130435 -2021-09-20 08:32:48.122 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the retreat will begin on wednesday afternoon in honour of saint francis xavier whose feast day is saturday -Output Transcription: the retreat will begin on wednesday afternoon in honour of saint francis xavier whose feast day is saturday -2021-09-20 08:32:48.123 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:32:48.125 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the style and plan of the timaeus differ greatly from that of any other of the platonic dialogues -Output Transcription: the style and plan of the times differ greatly from that of any other of the platonic dialogues -2021-09-20 08:32:48.128 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.055556 -2021-09-20 08:32:48.131 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: but in egypt the traditions of our own and other lands are by us registered for ever in our temples -Output Transcription: but in egypt the traditions of our own and other lands are by us registered forever in our temples -2021-09-20 08:32:48.134 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.100000 -2021-09-20 08:32:48.135 | INFO | deepspeech2x.model:test:372 - Error rate [wer] (1728/?) = 0.073901 -2021-09-20 08:32:51.847 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: she sat down in a rocking chair and clasping her hands in her lap rocked slowly back and forth i'm sorry said beth -Output Transcription: she sat down in a rocking chair and clasping her hands in her lap rocked slowly back and forth i'm sorry said beth -2021-09-20 08:32:51.848 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:32:51.848 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: notwithstanding the high resolution of hawkeye he fully comprehended all the difficulties and danger he was about to incur -Output Transcription: notwithstanding the high resolution of hawkeye he fully comprehended all the difficulties and danger he was about to incur -2021-09-20 08:32:51.848 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:32:51.849 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: when bartley arrived at bedford square on sunday evening marie the pretty little french girl met him at the door and conducted him upstairs -Output Transcription: when bartley arrived at bedford square on sunday evening marie the pretty little french girl met him at the door and conducted him upstairs -2021-09-20 08:32:51.849 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:32:51.850 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: he stood a little behind her and tried to steady himself as he said it's soft and misty see how white the stars are -Output Transcription: he stood a little behind her and tried to steady himself as he said it's soft and misty see how white the stars are -2021-09-20 08:32:51.850 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:32:51.850 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: if we had retained the subject or act in knowledge the whole problem of memory would have been comparatively simple -Output Transcription: if we had retained the subject or act in knowledge the whole problem of memory would have been comparatively simple -2021-09-20 08:32:51.850 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:32:51.853 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: mother carey poured coffee nancy chocolate and the others helped serve the sandwiches and cake doughnuts and tarts -Output Transcription: mother carry board coffee nancy chocolate and the others help serve the sandwiches and cake donuts ome tarts -2021-09-20 08:32:51.856 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.277778 -2021-09-20 08:32:51.856 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i have come to your shores mister president with the purpose of seeing how things are progressing in this distant quarter of the world -Output Transcription: i have come to your shores mister president with the purpose of seeing how things are progressing in this distant quarter of the world -2021-09-20 08:32:51.857 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:32:51.863 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: they set up a crane over the fire and hung the pot upon it and we sat and watched it boil while we joked at last the supper began -Output Transcription: they set up a crane over the fire and hung upon upon it and we sat and watched the oil while we joked at last the supper began -2021-09-20 08:32:51.869 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.137931 -2021-09-20 08:32:51.876 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: mistress fitzooth had been carried off by the sheriff's daughter and her maids as soon as they had entered the house so that robin alone had the care of montfichet -Output Transcription: mistress the tooth had been carried off by the sheriff's daughter in her maids as soon as they had entered the house so that robin alone had the care of montrachet -2021-09-20 08:32:51.883 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.133333 -2021-09-20 08:32:51.887 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: to do so is to lose god altogether because god becomes intolerable when we seek to measure and to comprehend his infinite majesty -Output Transcription: to do so is to lose god altogether because god becomes intolerable when we seek to measure to comprehend his infinite majesty -2021-09-20 08:32:51.891 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.043478 -2021-09-20 08:32:51.894 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: nothing can exceed the beauty or art of the introduction in which he is using words after his accustomed manner -Output Transcription: nothing can exceed the beauty or are dating production in which is using words after his accustomed manner -2021-09-20 08:32:51.897 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.250000 -2021-09-20 08:32:51.897 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the eyes of the whole party followed the unexpected movement and read their success in the air of triumph that the youth assumed -Output Transcription: the eyes of the whole party followed the unexpected movement and read their success in the air of triumph that the youth assumed -2021-09-20 08:32:51.897 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:32:51.905 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: if you are not then knocked on the head your being a non composser will protect you and you'll then have a good reason to expect to die in your bed -Output Transcription: if you are not there knocked on the head your being a non composter will protect you and you'll then have a good reason to expect to die in your bed -2021-09-20 08:32:51.912 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.064516 -2021-09-20 08:32:51.916 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: a fresh wholesome looking boy was tom gates with steady gray eyes an intelligent forehead but a sensitive rather weak mouth -Output Transcription: a fresh wholesome looking boy who tom gates with steady gray eyes and intelligent forehead but a sensitive rather weak mouth -2021-09-20 08:32:51.919 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.095238 -2021-09-20 08:32:51.922 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: my bed was unexceptionably comfortable but in my then mood i could have wished it a great deal more modern -Output Transcription: my bed was unexceptionally comfortable but in my den mod i could have wished it a great deal more modern -2021-09-20 08:32:51.925 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.150000 -2021-09-20 08:32:51.928 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: of this party edward a boy of seventeen called forth much sympathy he too was claimed by hollan -Output Transcription: of this party edward a boy of seventeen cosworth much sympathy he too was claimed by holland -2021-09-20 08:32:51.930 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.166667 -2021-09-20 08:32:51.935 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: if ever he was impelled to cast sin from him and to repent the impulse that moved him was the wish to be her knight -Output Transcription: if ever he was impelled to cast in from him and to repent the impulse that moved him was the wish to be her night -2021-09-20 08:32:51.940 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.080000 -2021-09-20 08:32:51.943 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i opened a line of credit sufficient to cover the babirusa and conseil at my heels i jumped into a carriage -Output Transcription: i opened a line of credit sufficient to cover the barbarossa and conseil at my heels i jumped into a carriage -2021-09-20 08:32:51.947 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.047619 -2021-09-20 08:32:51.947 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: he selected a small gold bottle with a pepper box top so that the powder might be sprinkled on any object through the small holes -Output Transcription: he selected a small gold bottle with a pepper box top so that the powder might be sprinkled on any object through the small holes -2021-09-20 08:32:51.947 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:32:51.950 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: atchison who had been haranguing the mob planted his two guns before the building and trained them upon it -Output Transcription: again who had been haranguing the mob planted his two guns before the building and trained them upon it -2021-09-20 08:32:51.953 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.052632 -2021-09-20 08:32:51.955 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: but the affair was magnified as a crowning proof that the free state men were insurrectionists and outlaws -Output Transcription: but the affair was magnified as a crowning proof that the free state men were insurrectionist and outlaws -2021-09-20 08:32:51.958 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.055556 -2021-09-20 08:32:51.961 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: there may be a specific feeling which could be called the feeling of pastness especially where immediate memory is concerned -Output Transcription: there may be a specific filling which could be called the filling of past ness especially where immediate memory is concerned -2021-09-20 08:32:51.965 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.200000 -2021-09-20 08:32:51.967 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: and the gardener's boy chopped the tree into small pieces there was a whole heap lying there -Output Transcription: in the gardener's boy chopped the tree into small pieces there was a whole heap lying there -2021-09-20 08:32:51.969 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.058824 -2021-09-20 08:32:51.970 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i come now to the other characteristic which memory images must have in order to account for our knowledge of the past -Output Transcription: i come now to the other characteristic which memory images must have in order to account for our knowledge of the past -2021-09-20 08:32:51.970 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:32:51.975 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the result is a great mobility of the labor employed in printing perhaps greater than in any other equally well defined and considerable body of workmen -Output Transcription: the result is a great ability of the labour employed in printing perhaps greater than in any other equally well defined and considerable body of workmen -2021-09-20 08:32:51.981 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.076923 -2021-09-20 08:32:51.985 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: taking advantage of this the squire's few men redoubled their efforts and encouraged by robin's and the little stroller's cries fought their way to him -Output Transcription: taking advantage of this the squire's few men redoubled their efforts and encourage by robins and the little strollers cries fought their way to him -2021-09-20 08:32:51.991 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.120000 -2021-09-20 08:32:51.994 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: she was not herself a notably intelligent woman she greatly admired intelligence or whatever looked to her like intelligence in others -Output Transcription: she was not herself notably intelligent woman she greatly admired intelligence or whatever look at her like intelligence and others -2021-09-20 08:32:51.998 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.190476 -2021-09-20 08:32:52.000 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: he weighed and reweighed the meter plates and pursued every line of investigation imaginable but all in vain -Output Transcription: he weighed and reward the meter plates and pursued every line of investigation imaginable but all in vain -2021-09-20 08:32:52.003 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.055556 -2021-09-20 08:32:52.005 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: in both these high mythical subjects the surrounding nature though suffering is still dignified and beautiful -Output Transcription: in both these high mythical subjects the surrounding nature the suffering is still dignified and beautiful -2021-09-20 08:32:52.008 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.062500 -2021-09-20 08:32:52.008 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: he had no occasion to delay for at the next instant a burst of cries filled the outer air and ran along the whole extent of the village -Output Transcription: he had no occasion to delay for at the next instant a burst of cries filled the outer air and ran along the whole extent of the village -2021-09-20 08:32:52.008 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:32:52.014 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: he has given them with too much grace not to have others still to give if they are required which is the case at the present moment -Output Transcription: he has given them with too much grace not to have others still to give if they are required which as the case at the present moment -2021-09-20 08:32:52.020 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.037037 -2021-09-20 08:32:52.020 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: no harm would have been done had it not been that as he passed your door he perceived the key which had been left by the carelessness of your servant -Output Transcription: no harm would have been done had it not been that as he passed your door he perceived the key which had been left by the carelessness of your servant -2021-09-20 08:32:52.021 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:32:52.022 | INFO | deepspeech2x.model:test:372 - Error rate [wer] (1760/?) = 0.073784 -2021-09-20 08:32:54.440 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: and there's linen in the house as i could well spare you for i've got lots o sheeting and table clothing and towelling as isn't made up -Output Transcription: and there's linen in the house as i could well spare you for i got lots a sheeting and table clothing and toweling isn't made up -2021-09-20 08:32:54.446 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.148148 -2021-09-20 08:32:54.450 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: a moment before the ghost of the ancient kingdom of the danes had looked forth through the vesture of the hazewrapped city -Output Transcription: a moment before the ghost of the ancient kingdom of the danes had looked forth through the vesture of the hate rap city -2021-09-20 08:32:54.454 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.090909 -2021-09-20 08:32:54.457 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: stung by anxiety for this little sister she upbraided miss w for her fancied indifference to anne's state of health -Output Transcription: stung by anxiety for his little sister she upbraided miss w for her fancied indifference to and state of health -2021-09-20 08:32:54.460 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.100000 -2021-09-20 08:32:54.464 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: and he went back to his books and to his waiting for an opening large enough for his dignified entrance into the literary world -Output Transcription: and he went back to his books and to his waiting for an opening large enough for a dignified entrance into the literary world -2021-09-20 08:32:54.469 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.041667 -2021-09-20 08:32:54.469 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: so you will be a good girl i know and not make any trouble but will stay at home contentedly won't you -Output Transcription: so you will be a good girl i know and not make any trouble but will stay at home contentedly won't you -2021-09-20 08:32:54.469 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:32:54.471 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: on huge silver platters were pyramids of tarts and cakes and red wine sparkled in glittering decanters -Output Transcription: on huge silver platters were pyramids of tarts and cakes and red wine sparkled and glittering decanters -2021-09-20 08:32:54.474 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.058824 -2021-09-20 08:32:54.477 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i wouldn't mind a cup o coffee myself said cap'n bill i've had consid'ble exercise this mornin and i'm all ready for breakfas -Output Transcription: i wouldn't mind the clone myself said campbell i have had considerable exercise is marlena i'm all ready for breakfast -2021-09-20 08:32:54.481 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.521739 -2021-09-20 08:32:54.484 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: but the windows are patched with wooden panes and the door i think is like the gate it is never opened -Output Transcription: but the windows are patched with wooden tains and the door i think is like the gate it is never opened -2021-09-20 08:32:54.488 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.047619 -2021-09-20 08:32:54.490 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: rodolfo arrived at his own house without any impediment and leocadia's parents reached theirs heart broken and despairing -Output Transcription: rudolph arrived at his own house without any impediment a leucadia parents reached their heart broken and despairing -2021-09-20 08:32:54.493 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.222222 -2021-09-20 08:32:54.493 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: they must have some characteristic which makes us regard them as referring to more or less remote portions of the past -Output Transcription: they must have some characteristic which makes us regard them as referring to more or less remote portions of the past -2021-09-20 08:32:54.493 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:32:54.496 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: and yet you must own her behaviour has warranted them has it not been in this particular incoherent and unaccountable -Output Transcription: and yet you must own her behavior has worn to them has it not been in this particular incoherent and unaccountable -2021-09-20 08:32:54.500 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.150000 -2021-09-20 08:32:54.504 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the arians took christ for a noble and perfect creature superior even to the angels because by him god created heaven and earth -Output Transcription: the arians took chris for a noble and perfect creatures superior even to the angels because by him god created heaven and earth -2021-09-20 08:32:54.508 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.086957 -2021-09-20 08:32:54.511 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: he well knew the perils of the frontier the savage state of society the lurking indians and the dangers of fever -Output Transcription: he well knew the perils of the frontier the savage state of society lurking indians and the dangers of fever -2021-09-20 08:32:54.514 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.047619 -2021-09-20 08:32:54.518 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: his troubled blue eyes glanced at each of us and finally rested with an expression of blank dismay upon bannister in the farther corner -Output Transcription: his troubled blue eyes glanced at each of us and finally rested with an expression of blank dismay upon banister in the farther corner -2021-09-20 08:32:54.523 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.041667 -2021-09-20 08:32:54.526 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the undertaking which seemed so attractive when viewed as a literary task proved a most difficult one and at times became oppressive -Output Transcription: the undertaking which seemed so attractive when viewed as a literary task proved the most difficult one and at times became oppressive -2021-09-20 08:32:54.530 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.045455 -2021-09-20 08:32:54.533 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: to say nothing said montalais so that when mademoiselle de tonnay charente thinks athenais is the only one who knows it -Output Transcription: to say nothing said mont alais so that when mademoiselle de tension thanks athena is the only one who knows it -2021-09-20 08:32:54.537 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.285714 -2021-09-20 08:32:54.541 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: she had been born within its borders within its borders she had lived and grown and within its borders she had met her love -Output Transcription: she had been born within its borders within his borders she had lived and groan and within its border she had met her love -2021-09-20 08:32:54.545 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.125000 -2021-09-20 08:32:54.545 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: to diminish the number of the shady to augment the number of the luminous that is the object -Output Transcription: to diminish the number of the shady to augment the number of the luminous that is the object -2021-09-20 08:32:54.545 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:32:54.546 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: and says thou mother of my children i have loved thee and i have given thee a crown that none can take away -Output Transcription: and says thou mother of my children i have loved thee and i have given thee a crown that none can take away -2021-09-20 08:32:54.546 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:32:54.546 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: then there were three or four leading men of the community with their wives who were for the most part the fathers and mothers of the young ladies -Output Transcription: then there were three or four leading men of the community with their wives who were for the most part the fathers and mothers of the young ladies -2021-09-20 08:32:54.546 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:32:54.547 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: and gentle sleep the sleep of death and gently hear the voice of him that walketh in the garden in the evening time -Output Transcription: and gentle sleep the sleep of death and gently hear the voice of him that walketh in the garden in the evening time -2021-09-20 08:32:54.547 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:32:54.551 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: he wore blue silk stockings blue knee pants with gold buckles a blue ruffled waist and a jacket of bright blue braided with gold -Output Transcription: he wore blue silk stockings bloomy pants with gold buckles a blue ruffled waist and a jacket of bright blue braided with gold -2021-09-20 08:32:54.555 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.083333 -2021-09-20 08:32:54.555 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: this sentence also defines our sins as great so great in fact that the whole world could not make amends for a single sin -Output Transcription: this sentence also defines our sins as great so great in fact that the whole world could not make amends for a single sin -2021-09-20 08:32:54.555 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:32:54.558 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: goobers don't grow on the tops of vines but underground on the roots like yams is that so -Output Transcription: good was dull grow on the tops basedon the ground on the roads liams is that so -2021-09-20 08:32:54.561 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.555556 -2021-09-20 08:32:54.568 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: my remark pleases him but i soon prove to him that it is not the right way to speak however perfect may have been the language of that ancient writer -Output Transcription: my remark pleases him but i soon proved to him that it is not the right way to speak however perfect may have been the language of that ancient writer -2021-09-20 08:32:54.574 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.033333 -2021-09-20 08:32:54.578 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the last drop fly as luck would have it caught just in the corner of the hawk's angrily open beak hooking itself firmly -Output Transcription: the last drop fly as luck would have it caught just in the corner of the hocks angrily open beak hooking itself firmly -2021-09-20 08:32:54.582 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.043478 -2021-09-20 08:32:54.583 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: she screamed and shouted too with a terrific volume of sound which doubtless caused the hearts of the fugitives to quake within them -Output Transcription: she screamed and shouted too with a terrific volume of sound which doubtless caused the hearts of the fugitives to quake within them -2021-09-20 08:32:54.584 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:32:54.587 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: doubts now arose and some discussion followed whether or not it was desirable for ben zoof to accompany his master -Output Transcription: doubts now arose and some discussion followed whether or not it was desirable for bend of to accompany his master -2021-09-20 08:32:54.590 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.100000 -2021-09-20 08:32:54.592 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the wood flamed up splendidly under the large brewing copper and it sighed so deeply -Output Transcription: the wood flamed up splendidly under the large brewing copper and its side so deeply -2021-09-20 08:32:54.594 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.133333 -2021-09-20 08:32:54.597 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: there is no danger of the modern commentators on the timaeus falling into the absurdities of the neo platonists -Output Transcription: there is no danger of the modern common teachers of the times falling into the absurdities of the neoplatonists -2021-09-20 08:32:54.600 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.315789 -2021-09-20 08:32:54.604 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: and it is made of mother's best yarn and she knitted it herself and everybody wants to get it away from me -Output Transcription: and it is made of mother's best yarn and she knitted herself and everybody wants to get it away from me -2021-09-20 08:32:54.607 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.045455 -2021-09-20 08:32:54.611 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: uncas occupied a distant corner in a reclining attitude being rigidly bound both hands and feet by strong and painful withes -Output Transcription: angus occupied a distant corner in a reclining attitude being rigidly bound both hands and feet by strong and painful widths -2021-09-20 08:32:54.614 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.095238 -2021-09-20 08:32:54.615 | INFO | deepspeech2x.model:test:372 - Error rate [wer] (1792/?) = 0.074629 -2021-09-20 08:32:56.969 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: and often has my mother said while on her lap i laid my head she feared for time i was not made but for eternity -Output Transcription: and often has my mother said while on her lap i laid my head she feared for time i was not made but for eternity -2021-09-20 08:32:56.970 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:32:56.973 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: she's wonderful more wonderful than anybody we've ever seen anywhere and she draws better than the teacher in charlestown -Output Transcription: she is wonderful more wonderful in anybody we've ever seen anywhere and she draws better than the teacher in charlestown -2021-09-20 08:32:56.976 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.157895 -2021-09-20 08:32:56.977 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: and then he told all about his youth and the little mice had never heard the like before and they listened and said -Output Transcription: and then he told all about his youth and the little mice had never heard the like before and they listened and said -2021-09-20 08:32:56.977 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:32:56.978 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: to be or not to be that is the question whether tis nobler in the mind to suffer the slings and arrows what no hamlet speaking -Output Transcription: to be or not to be that is the question whether tis nobler in the mind to suffer the slings and arrows what no hamlet speaking -2021-09-20 08:32:56.978 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:32:56.982 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: he splashed and stamped along farther and farther onward until he neared the rampart of the clearing and put foot upon the tree bridge -Output Transcription: he splashed the snapped along farther and farther onward until he neared the rampart of the clearing and put foot upon the three bridge -2021-09-20 08:32:56.987 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.125000 -2021-09-20 08:32:56.991 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: have your will child if the boy also wills it montfichet answered feeling too ill to oppose anything very strongly just then -Output Transcription: have your will child if the boy also will sitin might be she answered feeling too ill to oppose anything very strongly just then -2021-09-20 08:32:56.995 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.227273 -2021-09-20 08:32:56.996 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the influence with the timaeus has exercised upon posterity is due partly to a misunderstanding -Output Transcription: the influence which the times has exercised upon posterity is due partly to a misunderstanding -2021-09-20 08:32:56.998 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.133333 -2021-09-20 08:32:56.999 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: it is evident therefore that the present trend of the development is in the direction of heightening the utility of conspicuous consumption as compared with leisure -Output Transcription: it is evident therefore that the present trend of the development is in the direction of heightening the utility of conspicuous consumption as compared with leisure -2021-09-20 08:32:56.999 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:32:57.003 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: now that's impossible radie for i really don't think i once thought of him all this evening except just while we were talking -Output Transcription: now that's impossible ready for i really don't think i once thought of him all this evening except just while we were talking -2021-09-20 08:32:57.007 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.043478 -2021-09-20 08:32:57.011 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: forgetting all their weariness they seized their candles and scurried through the house finding an occasional paper tucked away in some odd corner -Output Transcription: forgetting all their weariness they seize their candles and stare through the house finding on occasional paper tucked away in some our corner -2021-09-20 08:32:57.015 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.173913 -2021-09-20 08:32:57.015 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: it must be owned and no one was more ready to confess it than himself that his literary attainments were by no means of a high order -Output Transcription: it must be owned and no one was more ready to confess it than himself that his literary attainments were by no means of a high order -2021-09-20 08:32:57.015 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:32:57.016 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: but first i will tell you that for many years i have longed for a servant to help me with the housework and to cook the meals and wash the dishes -Output Transcription: but first i will tell you that for many years i have longed for a servant to help me with the housework and to cook the meals and wash the dishes -2021-09-20 08:32:57.016 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:32:57.016 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: forthwith all ran to the opening of the tent to see what might be amiss but master will who peeped out first needed no more than one glance -Output Transcription: forthwith all ran to the opening of the tent to see what might be amiss but master will who peeped out first needed no more than one glance -2021-09-20 08:32:57.016 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:32:57.020 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: her feeble health gave her her yielding manner for she could never oppose any one without gathering up all her strength for the struggle -Output Transcription: her feeble health give her her yielding manner for she could never oppose anyone without gathering up all her strength for the struggle -2021-09-20 08:32:57.025 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.125000 -2021-09-20 08:32:57.027 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: that summer's emigration however being mainly from the free states greatly changed the relative strength of the two parties -Output Transcription: that somers emigration however being mainly from the free states greatly changed the relative strength of the two parties -2021-09-20 08:32:57.030 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.052632 -2021-09-20 08:32:57.035 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: to night there was no need of extra heat and there were great ceremonies to be observed in lighting the fires on the hearthstones -Output Transcription: to night there was no need of extra heat and there were great ceremonies to be observed in lighting the fires on the hearth stones -2021-09-20 08:32:57.039 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.083333 -2021-09-20 08:32:57.042 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: how cheerfully he seems to grin how neatly spread his claws and welcome little fishes in with gently smiling jaws -Output Transcription: how cheerfully he seems to grin how neatly spreads his claws and welcomes little fishes in with gently smiling jaws -2021-09-20 08:32:57.045 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.100000 -2021-09-20 08:32:57.046 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i address him in italian and he answers very wittily but his way of speaking makes me smile and i tell him why -Output Transcription: i address him in italian and he answers very wittily but his way of speaking makes me smile and i tell him why -2021-09-20 08:32:57.046 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:32:57.051 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the wearing of uniforms or liveries implies a considerable degree of dependence and may even be said to be a mark of servitude real or ostensible -Output Transcription: the wearing of uniforms a liveries implies a considerable degree of dependence and may even be said to be a mark of servitude real or ostensible -2021-09-20 08:32:57.056 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.038462 -2021-09-20 08:32:57.056 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: never did he object to buckling up his suitcase for any country whatever china or the congo no matter how far off it was -Output Transcription: never did he object to buckling up his suitcase for any country whatever china or the congo no matter how far off it was -2021-09-20 08:32:57.056 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:32:57.057 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: it presents like no other of luther's writings the central thought of christianity the justification of the sinner for the sake of christ's merits alone -Output Transcription: it presents like no other of luther's writings the central thought of christianity the justification of the sinner for the sake of christ's merits alone -2021-09-20 08:32:57.057 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:32:57.058 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: but in the rest of the work the power of language seems to fail him and the dramatic form is wholly given up -Output Transcription: but in the rest of the work the power of language seems to fail him and the dramatic form is wholly given up -2021-09-20 08:32:57.059 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:32:57.059 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: rich jewels of blue stones glittered upon their persons and the royal ladies were fully as gorgeous as they were haughty and overbearing -Output Transcription: rich jewels of blue stones glittered upon their persons and the royal ladies were fully as gorgeous as they were haughty and overbearing -2021-09-20 08:32:57.059 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:32:57.064 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: oh my lord cried miss woodley with a most forcible accent you are the last person on earth she would pardon me for entrusting -Output Transcription: oh my lord cried miss woodley with a most forcible axe you are the last person on earth she would pardon me for interesting -2021-09-20 08:32:57.069 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.083333 -2021-09-20 08:32:57.072 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: under the tabu certain victuals and more particularly certain beverages are strictly reserved for the use of the superior class -Output Transcription: under the taboo certain victuals and morethe clearly certain beverages are strictly reserved for the use of the superior class -2021-09-20 08:32:57.075 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.150000 -2021-09-20 08:32:57.078 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: yes something everything said rachel hurriedly looking frowningly at a flower which she was twirling in her fingers -Output Transcription: yes something everything said rachel hurriedly looking frowning at a flower which she was twirling in her fingers -2021-09-20 08:32:57.080 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.055556 -2021-09-20 08:32:57.081 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: it is my heart hung in the sky and no clouds ever float between the grave flowers and my heart on high -Output Transcription: it is my heart hung in the sky and no clouds ever float between the grave flowers and my heart on high -2021-09-20 08:32:57.081 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:32:57.082 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: for a few miles she followed the line hitherto presumably occupied by the coast of algeria but no land appeared to the south -Output Transcription: for a few miles she followed the line hitherto presumably occupied by the coast of algeria but no land appeared to the south -2021-09-20 08:32:57.082 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:32:57.087 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: will cried he softly and stuteley who had chosen his couch across the door of his young master's chamber sprang up at once in answer -Output Transcription: will cried he softly and studley who had chosen his count across the door of his young master's chamber sprang up at once in answer -2021-09-20 08:32:57.092 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.080000 -2021-09-20 08:32:57.096 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: so many of them however as make up the retainer and hangers on of the patron may be classed as vicarious consumer without qualification -Output Transcription: so many of them however as make up the retainer and hangerson of the patron may be cast as vicarious consumer without qualification -2021-09-20 08:32:57.101 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.125000 -2021-09-20 08:32:57.104 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: under ordinary conditions reynolds was sure to be elected but the committee proposed to sacrifice him in order to elect hopkins -Output Transcription: under ordinary conditions reynolds was sure to be elected but the committee proposed to sacrifice him in order to lick hopkins -2021-09-20 08:32:57.108 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.047619 -2021-09-20 08:32:57.108 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: for a moment beth stood staring while the new maid regarded her with composure and a slight smile upon her beautiful face -Output Transcription: for a moment beth stood staring while the new maid regarded her with composure and a slight smile upon her beautiful face -2021-09-20 08:32:57.108 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:32:57.109 | INFO | deepspeech2x.model:test:372 - Error rate [wer] (1824/?) = 0.073934 -2021-09-20 08:33:03.371 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: also a popular contrivance whereby love making may be suspended but not stopped during the picnic season -Output Transcription: also a popular contrivance whereby love making may be suspended but not stopped during the picnic season -2021-09-20 08:33:03.372 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:33:03.377 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the idea of patching cap'n bill to a goat was vastly amusing to him and the more he thought of it the more he roared with laughter -Output Transcription: the idea of patching capn bill to a goat was vastly amusing to him and the more he thought of it the more he roared with laughter -2021-09-20 08:33:03.383 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.037037 -2021-09-20 08:33:03.389 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: why do they not invade the catholic provinces and preach their doctrine to godless princes bishops and doctors as we have done by the help of god -Output Transcription: why do they not invade the catholic provinces and preach their doctrine to guard this princes bishops and doctors as we have done by the help of god -2021-09-20 08:33:03.395 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.074074 -2021-09-20 08:33:03.401 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: saturday after saturday comes round and i can have no hope of hearing your knock at the door and then being told that miss e is come oh dear -Output Transcription: saturday after saturday comes around and i can have no hope of hearing you knock at the door and then being told that missy is come oh dear -2021-09-20 08:33:03.408 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.137931 -2021-09-20 08:33:03.408 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: if you dressed in silk and gold from top to toe you could not look any nicer than in your little red cap -Output Transcription: if you dressed in silk and gold from top to toe you could not look any nicer than in your little red cap -2021-09-20 08:33:03.409 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:33:03.409 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the subject was a very noble one he described the most famous action in which the athenian people were ever engaged -Output Transcription: the subject was a very noble one he described the most famous action in which the athenian people were ever engaged -2021-09-20 08:33:03.409 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:33:03.409 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: no one saw him do this for all were looking at the powder of life but soon the woman remembered what she had been doing and came back to the cupboard -Output Transcription: no one saw him do this for all were looking at the powder of life but soon the woman remembered what she had been doing and came back to the cupboard -2021-09-20 08:33:03.410 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:33:03.410 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i love thee freely as men strive for right i love thee purely as they turn from praise -Output Transcription: i love thee freely as men strive for right i love thee purely as they turn from praise -2021-09-20 08:33:03.410 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:33:03.410 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: did ever anybody see the like screamed missus poyser running towards the table when her eye had fallen on the blue stream -Output Transcription: did ever anybody see the like screamed missus poyser running towards the table when her eye had fallen on the blue stream -2021-09-20 08:33:03.411 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:33:03.414 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: for some moments he seemed perfectly stupefied then recovering himself he began to overwhelm the count with a torrent of questions -Output Transcription: for some moments he seemed perfectly stupefied and then recovering himself he began to overwhelm the count with a torrent of questions -2021-09-20 08:33:03.418 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.047619 -2021-09-20 08:33:03.421 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the grateful applause of the clergy has consecrated the memory of a prince who indulged their passions and promoted their interest -Output Transcription: the grateful applause of the clergy has consecrated the memory of a prince who indulge their passions and promoted their interest -2021-09-20 08:33:03.424 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.047619 -2021-09-20 08:33:03.429 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the earth has undoubtedly entered upon a new orbit but she is not incurring any probable risk of being precipitated onto the sun -Output Transcription: at the earth has undoubtedly entered upon a new orbit but she is not incurring any probable risk of being precipitated onto the sun -2021-09-20 08:33:03.433 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.043478 -2021-09-20 08:33:03.436 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: at the farther end of the largest hall a table was set with golden cups and golden plates in long rows -Output Transcription: at the further render the largest hall a table was set with golden cups and golden plates in long rows -2021-09-20 08:33:03.439 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.142857 -2021-09-20 08:33:03.439 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: of the lynchings the mobs and the murders it would be impossible except in a very extended work to note the frequent and atrocious details -Output Transcription: of the lynchings the mobs and the murders it would be impossible except in a very extended work to note the frequent and atrocious details -2021-09-20 08:33:03.440 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:33:03.440 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the fact that a man can recite a poem does not show that he remembers any previous occasion on which he has recited or read it -Output Transcription: the fact that a man can recite a poem does not show that he remembers any previous occasion on which he has recited or read it -2021-09-20 08:33:03.440 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:33:03.446 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: it is the head of a parrot with a little flower in his beak from a picture of carpaccio's one of his series of the life of saint george -Output Transcription: does the head of a parrot with a little flower in his beak from a picture of capacious one of his series of the life of saint george -2021-09-20 08:33:03.453 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.103448 -2021-09-20 08:33:03.456 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the king had completed his toilette by nine o'clock he appeared in an open carriage decorated with branches of trees and flowers -Output Transcription: the king had completed his toilet by nine o'clock he appeared in an open carriage decorated with branches of trees and flowers -2021-09-20 08:33:03.460 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.045455 -2021-09-20 08:33:03.465 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: she succeeded in opening the window and the moonlight shone in so brightly that she could distinguish the colour of some damask hangings in the room -Output Transcription: she succeeded in opening the window and the moonlight shone in so brightly that she could distinguish the color of some damask hanging in the room -2021-09-20 08:33:03.470 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.076923 -2021-09-20 08:33:03.471 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the others having been in operation too short a time to show definite results although they also went quickly to a dividend basis -Output Transcription: the others having been in operation too short a time to show definite results although they also went quickly to a dividend basis -2021-09-20 08:33:03.471 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:33:03.474 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: it is sold everywhere but for the last three weeks nobody will use any snuff but that sold at the civet cat -Output Transcription: it is sold everywhere but for the last three weeks nobody will use any snuff but that's sold at the severe cat -2021-09-20 08:33:03.479 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.090909 -2021-09-20 08:33:03.485 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: hold him fast my men and as soon as i've had my coffee and oatmeal i'll take him to the room of the great knife and patch him -Output Transcription: hold him fast my man and as soon as i've had my coffee and will i will take him to the room of the great knife and patti -2021-09-20 08:33:03.491 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.214286 -2021-09-20 08:33:03.496 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i and my wife and son and the two craswellers and three or four others agreed to dine on board the ship on the next -Output Transcription: i and my wife and son and the two cresswell ers and three or four others agreed to die on board the ship on the next -2021-09-20 08:33:03.501 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.120000 -2021-09-20 08:33:03.504 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: edison held that the electricity sold must be measured just like gas or water and he proceeded to develop a meter -Output Transcription: edison held that the electricity soul must be measured just like gas or water and he proceeded to develop a meter -2021-09-20 08:33:03.508 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.047619 -2021-09-20 08:33:03.508 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: then they all marched out a little way into the fields and found that the army of pinkies had already formed and was advancing steadily toward them -Output Transcription: then they all marched out a little way into the fields and found that the army of pinkies had already formed and was advancing steadily toward them -2021-09-20 08:33:03.508 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:33:03.513 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: unc knocked at the door of the house and a chubby pleasant faced woman dressed all in blue opened it and greeted the visitors with a smile -Output Transcription: unc knock at the door of the house into chubby pleasant faced woman dressed all in blue opened it and greeted the visitors with a smile -2021-09-20 08:33:03.519 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.111111 -2021-09-20 08:33:03.526 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i know the first letter i wrote to you was all senseless trash from beginning to end but i am not altogether the idle dreaming being it would seem to denote -Output Transcription: i know the first letter i wrote to you with all senseless trash from beginning to end but i am not altogether the idle dreaming being it would seem to denote -2021-09-20 08:33:03.534 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.032258 -2021-09-20 08:33:03.534 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: cyril there must be some better way of doing i just draw the outline of an animal and then i put hairs or feathers on it they have no bodies -Output Transcription: cyril there must be some better way of doing i just draw the outline of an animal and then i put hairs or feathers on it they have no bodies -2021-09-20 08:33:03.535 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:33:03.540 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: but polly couldn't speak and if jasper hadn't caught her just in time she would have tumbled over backward from the stool phronsie and all -Output Transcription: but polly couldn't speak and of jasper hadn't caught her just in time she would have tumbled over backward from the stool prose and all -2021-09-20 08:33:03.545 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.080000 -2021-09-20 08:33:03.546 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: he wouldn't search so don't worry replied cyril quietly and the two looked at each other and knew that it was so -Output Transcription: he wouldn't search so don't worry replied cyril quietly and the two looked at each other and knew that it was so -2021-09-20 08:33:03.546 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:33:03.550 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i think i must show you my patchwork girl said margolotte laughing at the boy's astonishment for she is rather difficult to explain -Output Transcription: i think i must show you my patchwork girl said margo lot laughing at the boy's astonishment for she is rather difficult to explain -2021-09-20 08:33:03.554 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.086957 -2021-09-20 08:33:03.555 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i am now tall and my branches spread like the others that were carried off last year oh -Output Transcription: i am now tall and my branches spread like the others that were carried off last year oh -2021-09-20 08:33:03.555 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:33:03.560 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: but philip did afford it and he wrote thanking his friends and declining because he said the political scheme would fail and ought to fail -Output Transcription: what phillip did afford it and he wrote thanking his friends and declining because he said the political scheme would fail and ought to feel -2021-09-20 08:33:03.565 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.120000 -2021-09-20 08:33:03.566 | INFO | deepspeech2x.model:test:372 - Error rate [wer] (1856/?) = 0.073302 -2021-09-20 08:33:08.357 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: it was the first great sorrow of his life it was not so much the loss of the cotton itself but the fantasy the hopes the dreams built around it -Output Transcription: it was the first great sorrow of his life it was not so much the loss of the cotton itself but the fantasy the hopes the dreams built around it -2021-09-20 08:33:08.358 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:33:08.359 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: however that was over now the tree gone the story at an end -Output Transcription: however that was over now the tree gone the story has an end -2021-09-20 08:33:08.361 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.076923 -2021-09-20 08:33:08.361 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: in a few hours the examination would commence and he was still in the dilemma between making the facts public and allowing the culprit to compete for the valuable scholarship -Output Transcription: in a few hours the examination would commence and he was still in the dilemma between making the facts public and allowing the culprit to compete for the valuable scholarship -2021-09-20 08:33:08.362 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:33:08.368 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: ruth was glad to hear that philip had made a push into the world and she was sure that his talent and courage would make a way for him -Output Transcription: ruth was glad to hear that philip had made a push in to the world and she was sure that his talent and courage would make a way for him -2021-09-20 08:33:08.375 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.068966 -2021-09-20 08:33:08.378 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: its origin was small a germ an insignificant seed hardly to be thought of as likely to arouse opposition -Output Transcription: its origin was small a germ and insignificant seed hardly to be thought of as likely to arouse opposition -2021-09-20 08:33:08.381 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.052632 -2021-09-20 08:33:08.383 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: another preacher after reproaching him to his face with his misgovernment ordered this psalm to be sung -Output Transcription: another preacher after reproaching him to his face with his massgov ernment ordered this sum to be sung -2021-09-20 08:33:08.386 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.176471 -2021-09-20 08:33:08.393 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i remained there alone for many hours but i must acknowledge that before i left the chambers i had gradually brought myself to look at the matter in another light -Output Transcription: i remain here alone for many hours but i must acknowledge that before i left the chambers i had gradually brought myself to look at the matter in another light -2021-09-20 08:33:08.400 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.066667 -2021-09-20 08:33:08.405 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: so for the hundredth time she was thinking today as she walked alone up the lane back of the barn and then slowly down through the bottoms -Output Transcription: so for the hundredth time she was thinking today as she walked alone up the laying back of the barn and then slowly down through the bottoms -2021-09-20 08:33:08.411 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.037037 -2021-09-20 08:33:08.414 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the ideas also remain but they have become types in nature forms of men animals birds fishes -Output Transcription: the ideas also remain but they have become types in nature forms of men any more spurs fiches -2021-09-20 08:33:08.417 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.235294 -2021-09-20 08:33:08.422 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: in order to please her i spoke to her of the abbe conti and i had occasion to quote two lines of that profound writer -Output Transcription: in order to please her i spoke to her of the abbey conti and i had occasion to quote two lines of that profound writer -2021-09-20 08:33:08.426 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.040000 -2021-09-20 08:33:08.433 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the bed she too well remembered was there and above all the cabinet on which had stood the image she had taken away was still on the same spot -Output Transcription: the bed she too well remembered was there and above all the cabinet on which had stood the image he had taken away was still on the same spot -2021-09-20 08:33:08.439 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.034483 -2021-09-20 08:33:08.439 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: hester prynne nevertheless the loving mother of this one child ran little risk of erring on the side of undue severity -Output Transcription: hester prynne nevertheless the loving mother of this one child ran little risk of erring on the side of undue severity -2021-09-20 08:33:08.440 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:33:08.440 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: by his resurrection christ won the victory over law sin flesh world devil death hell and every evil -Output Transcription: by his resurrection christ won the victory over law sin flesh world devil death hell and every evil -2021-09-20 08:33:08.440 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:33:08.446 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: then of a sudden at midday the sun shot out hot and still no breath of air stirred the sky was like blue steel the earth steamed -Output Transcription: then of a sudden at midday the sun shot out hot and still no both of air stirred the sky was like blue steel the earth steam -2021-09-20 08:33:08.452 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.074074 -2021-09-20 08:33:08.455 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: thought the fir tree and believed it all because the man who told the story was so good looking well well -Output Transcription: thought the fir tree and believe it all because the man who told the story was so good looking well well -2021-09-20 08:33:08.459 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.047619 -2021-09-20 08:33:08.459 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the analysis of knowledge will occupy us until the end of the thirteenth lecture and is the most difficult part of our whole enterprise -Output Transcription: the analysis of knowledge will occupy us until the end of the thirteenth lecture and is the most difficult part of our whole enterprise -2021-09-20 08:33:08.459 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:33:08.464 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: oh i am speaking seriously replied montalais and my opinion in this case is quite as good as the king's i suppose is it not louise -Output Transcription: oh i am speaking seriously replied motels and my opinion in this case is quite as good as the kings i suppose is it not louise -2021-09-20 08:33:08.470 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.076923 -2021-09-20 08:33:08.470 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: he himself recited the same passage in french and politely pointed out the parts in which he thought that i had improved on the original -Output Transcription: he himself recited the same passage in french and politely pointed out the parts in which he thought that i had improved on the original -2021-09-20 08:33:08.470 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:33:08.471 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: but the tree did not rejoice at all he grew and grew and was green both winter and summer -Output Transcription: but the tree did not rejoice at all he grew and grew and was green both winter and summer -2021-09-20 08:33:08.471 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:33:08.478 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: one day when the boy was sent by his grandfather with a message to a relation he passed along a street in which there was a great concourse of horsemen -Output Transcription: one day when the boy was sent by his grandfather with a message to a relation he passed along the street and wish there was a great concourse of horsemen -2021-09-20 08:33:08.485 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.100000 -2021-09-20 08:33:08.496 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: in strict accuracy nothing should be included under the head of conspicuous waste but such expenditure as is incurred on the ground of an invidious pecuniary comparison -Output Transcription: in strict accuracy nothing should be included under the head of conspicuous waste at such expenditure as is incurred on the ground of an invidious pecuniary comparison -2021-09-20 08:33:08.509 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.037037 -2021-09-20 08:33:08.509 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: when she perceived the young man she rose like a woman surprised in the midst of ideas she was desirous of concealing from herself -Output Transcription: when she perceived the young man she rose like a woman surprised in the midst of ideas she was desirous of concealing from herself -2021-09-20 08:33:08.510 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:33:08.516 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: how is it la valliere said mademoiselle de tonnay charente that the vicomte de bragelonne spoke of you as louise -Output Transcription: how is it lavalier said mademoiselle de finish at that the vicomte de brug alone spoke of you as louise -2021-09-20 08:33:08.519 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.300000 -2021-09-20 08:33:08.519 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: stephen leaning back and drawing idly on his scribbler listened to the talk about him which heron checked from time to time by saying -Output Transcription: stephen leaning back and drawing idly on his scribbler listened to the talk about him which heron checked from time to time by saying -2021-09-20 08:33:08.520 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:33:08.524 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: he obtained the desired speed and load with a friction brake also regulator of speed but waited for an indicator to verify it -Output Transcription: he obtained the desired speed and load with a friction brake also regulator of speed but waited for it indicator to verify it -2021-09-20 08:33:08.528 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.043478 -2021-09-20 08:33:08.534 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: in the court yard some of the merry children were playing who had danced at christmas round the fir tree and were so glad at the sight of him -Output Transcription: in the courtyard some of the married children were playing who had danced at christmas round the fir tree and were so glad at the sight of him -2021-09-20 08:33:08.540 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.103448 -2021-09-20 08:33:08.546 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: when the blueskins saw ghip ghisizzle they raised another great shout for he was the favorite of the soldiers and very popular with all the people -Output Transcription: when the blue skin so get cause they raised another great shout for he was the favorite of the soldiers and very popular with all the people -2021-09-20 08:33:08.551 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.192308 -2021-09-20 08:33:08.552 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the scout who had left david at the door to ascertain they were not observed thought it prudent to preserve his disguise until assured of their privacy -Output Transcription: the scout who had left david at the door to ascertain they were not observed thought it prudent to preserve his disguise until assured of their privacy -2021-09-20 08:33:08.552 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:33:08.558 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the electric light can scarcely penetrate through the dense curtain which has dropped over the theatre on which the battle of the elements is about to be waged -Output Transcription: the electric light can scarcely penetrate through the dense curtain which is dropped over the theatre on which the battle of the elements is about to be waged -2021-09-20 08:33:08.565 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.035714 -2021-09-20 08:33:08.569 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: rodolfo and his companions with their faces muffled in their cloaks stared rudely and insolently at the mother the daughter and the servant maid -Output Transcription: rudolph and his companions were their faces muffled in their cloaks stared rudely and insolently at the mother the daughter and the servant made -2021-09-20 08:33:08.574 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.125000 -2021-09-20 08:33:08.583 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: if you will give us your promise to meet captain battleax here at this time to morrow we will stretch a point and delay the departure of the john bright for twenty four hours -Output Transcription: if you will give us your promise to meet captain madlax here at this time tomorrow we will stretch a point and delay the departure of the job right for twenty four hours -2021-09-20 08:33:08.592 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.147059 -2021-09-20 08:33:08.599 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: then dear said missus whitney you must be kinder to her than ever think what it would be for one of you to be away from home even among friends -Output Transcription: then dear said miss whitney you must be kind to her than ever think what it would be for one of you to be away from home even among friends -2021-09-20 08:33:08.607 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.066667 -2021-09-20 08:33:08.608 | INFO | deepspeech2x.model:test:372 - Error rate [wer] (1888/?) = 0.073018 -2021-09-20 08:33:13.276 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i can't pray to have the things i want he said slowly and i won't pray not to have them not if i'm damned for it -Output Transcription: i can't pray to have things i want he said slowly and i won't pray not to have them not if i'm damned for it -2021-09-20 08:33:13.281 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.038462 -2021-09-20 08:33:13.282 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: it was not very much past eleven that morning when the pony carriage from brandon drew up before the little garden wicket of redman's farm -Output Transcription: it was not very much past eleven that morning when the pony carriage from brandon drew up before the little garden wicket of redman's farm -2021-09-20 08:33:13.282 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:33:13.285 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: to embarrass this damaging exposure judge lecompte issued a writ against the ex governor on a frivolous charge of contempt -Output Transcription: to embarrass this damaging exposure judge let issued a writ against the ex governor on a frivolous charge of contempt -2021-09-20 08:33:13.288 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.050000 -2021-09-20 08:33:13.295 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i will endeavour in my statement to avoid such terms as would serve to limit the events to any particular place or give a clue as to the people concerned -Output Transcription: i will endeavor in my statement to avoid such terms as would serve to limit the event to any particular place or give a clue as to the people concerned -2021-09-20 08:33:13.301 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.066667 -2021-09-20 08:33:13.305 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: here she was teaching dirty children and the smell of confused odors and bodily perspiration was to her at times unbearable -Output Transcription: here she was teaching dirty children and the smell of confused odours and bodily perspiration was to her at times unbearable -2021-09-20 08:33:13.308 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.047619 -2021-09-20 08:33:13.313 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the weak kneed contingency must be strengthened and fortified and a couple of hundred votes in one way or another secured from the opposition -Output Transcription: the weak need contingency must be strengthened and fortified and a couple of hundred votes in one way or the other secured from the opposition -2021-09-20 08:33:13.317 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.125000 -2021-09-20 08:33:13.323 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: in the modern well constructed play he simply rings up an imaginary confederate and tells him what he is going to do could anything be more natural -Output Transcription: in the modern well constructed play he simply ring up an imaginary confederate and tells them what he is going to do could anything be more natural -2021-09-20 08:33:13.328 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.074074 -2021-09-20 08:33:13.334 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: beth was a beautiful girl the handsomest of the three cousins by far yet eliza surpassed her in natural charm and seemed well aware of the fact -Output Transcription: beth was a beautiful girl the handsomest of the three cousins by far yet eliza surpassed her a natural charm and seemed well aware of the fact -2021-09-20 08:33:13.340 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.037037 -2021-09-20 08:33:13.340 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: of this second letter also she spoke and told me that it contained an invitation for her to go and see the poet if ever she visited the lakes -Output Transcription: of this second letter also she spoke and told me that it contained an invitation for her to go and see the poet if ever she visited the lakes -2021-09-20 08:33:13.340 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:33:13.344 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the hon charles smith miss sarah's brother was walking swiftly uptown from mister easterly's wall street office and his face was pale -Output Transcription: the honorable charles smith miss sarah's brother was walking swiftly uptown from mister easter's wall street office and his face was pale -2021-09-20 08:33:13.348 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.090909 -2021-09-20 08:33:13.348 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: mister popham exaggerated nothing but on the contrary left much unsaid in his narrative of the family at the house of lords -Output Transcription: mister popham exaggerated nothing but on the contrary left much unsaid in his narrative of the family at the house of lords -2021-09-20 08:33:13.348 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:33:13.358 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: she pushed him toward the big chair by the fire and sat down on a stool at the opposite side of the hearth her knees drawn up to her chin laughing like a happy little girl -Output Transcription: she pushed him towards the big chair by the fire and sat down on a stool at the opposite side of the hearth her knees drawn up to her chin laughing like a happy little girl -2021-09-20 08:33:13.367 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.027778 -2021-09-20 08:33:13.374 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: but if we have now ceased to advance why do we yet leave that sail loose which at the first shock of the tempest may capsize us in a moment -Output Transcription: but if we have now ceased to advance why do we yet leave that sale loose which at the first shock of a tempest mac capsizes in a moment -2021-09-20 08:33:13.380 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.166667 -2021-09-20 08:33:13.381 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: hilda was very nice to him and he sat on the edge of his chair flushed with his conversational efforts and moving his chin about nervously over his high collar -Output Transcription: hilda was very nice to him and he sat on the edge of his chair flushed with his conversational efforts and moving his chin about nervously over his high collar -2021-09-20 08:33:13.381 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:33:13.381 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the princess sat down under a blue canopy with bouquets of roses and she let anders sit in a golden chair by her side -Output Transcription: the princess sat down under a blue canopy with bouquets of roses and she let anders sit in a golden chair by her side -2021-09-20 08:33:13.382 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:33:13.387 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: of course he did not realize that it was i who was knocking but none the less his conduct was very uncourteous and indeed under the circumstances rather suspicious -Output Transcription: of course he did not realize that it was i who was knocking but nevertheless his conduct was very uncouth and indeed under the circumstances rather suspicious -2021-09-20 08:33:13.393 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.137931 -2021-09-20 08:33:13.394 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: but when his big brother heard that he had refused to give his cap for a king's golden crown he said that anders was a stupid -Output Transcription: but when his big brother heard that he had refused to give his cap for a king's golden crown he said that anders was a stupid -2021-09-20 08:33:13.394 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:33:13.397 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: they unite every quality and sometimes you will find me referring to them as colorists sometimes as chiaroscurists -Output Transcription: the unite every quality and sometimes you will find me referring to them as colorists sometimes as cures cure sts -2021-09-20 08:33:13.399 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.222222 -2021-09-20 08:33:13.406 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: why you said to fetch the first living creature we met and that was this billygoat replied the captain panting hard as he held fast to one of the goat's horns -Output Transcription: why you sit to fence the first living creature met and that was displaying out replied the captain panting hard as he held fast to one of the goat's horns -2021-09-20 08:33:13.413 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.161290 -2021-09-20 08:33:13.417 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: fortunately said mister vanderpool northerners and southerners are arriving at a better mutual understanding on most of these matters -Output Transcription: fortunately said mister vanderpool norteno in southerners all robbing at a better mutual understanding on most of these matters -2021-09-20 08:33:13.420 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.210526 -2021-09-20 08:33:13.420 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: they were voyaging across the deserts of the sky a host of nomads on the march voyaging high over ireland westward bound -Output Transcription: they were voyaging across the deserts of the sky a host of nomads on the march voyaging high over ireland westward bound -2021-09-20 08:33:13.420 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:33:13.425 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: although the brethren with me are not apostles like myself yet they are all of one mind with me think write and teach as i do -Output Transcription: although the brethren with me are not apostles like myself yet they are all of one mind with me think right and teachers i do -2021-09-20 08:33:13.430 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.115385 -2021-09-20 08:33:13.430 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: several clothes horses a pillion a spinning wheel and an old box wide open and stuffed full of coloured rags -Output Transcription: several clothes horses a pillion a spinning wheel and an old box wide open and stuffed full of coloured rags -2021-09-20 08:33:13.431 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:33:13.431 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i carefully avoid any appearance of preoccupation and eccentricity which might lead those i live amongst to suspect the nature of my pursuits -Output Transcription: i carefully avoid any appearance of preoccupation and eccentricity which might lead those i live amongst to suspect the nature of my pursuits -2021-09-20 08:33:13.431 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:33:13.437 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: any one thereabouts would have told you that this was one of the richest farms on the divide and that the farmer was a woman alexandra bergson -Output Transcription: anyone thereabouts would have told you that this was one of the richest farms on the divide and that the farmer was a woman alexandra bergson -2021-09-20 08:33:13.442 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.074074 -2021-09-20 08:33:13.445 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: philip therefore read diligently in the astor library planned literary works that should compel attention and nursed his genius -Output Transcription: philip therefore red diligently in the aster library planned literary works that should compel attention and nursed his venus -2021-09-20 08:33:13.448 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.157895 -2021-09-20 08:33:13.449 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: everything he has done has been aimed at the conservation of energy the contraction of space the intensification of culture -Output Transcription: everything he has done has been aimed at the conservation of energy the contraction of space the intensification of culture -2021-09-20 08:33:13.449 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:33:13.454 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: there was something in his carriage which resembled the buoyant movements of an immortal and he did not dance so much as seem to soar along -Output Transcription: there was something in his carriage which resembled the buoyant movements of an immortal and he did not dance so much as seemed to soar along -2021-09-20 08:33:13.460 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.038462 -2021-09-20 08:33:13.465 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: her bearing was graceful and animated she led her son by the hand and before her walked two maids with wax lights and silver candlesticks -Output Transcription: her bearing was graceful in animated she led her son by the hand and before her walked two maids with wax lights and silver candlesticks -2021-09-20 08:33:13.470 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.040000 -2021-09-20 08:33:13.474 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: there in the cedar hollow then lived olive lord an angry resentful little creature weighed down by a fierce sense of injury -Output Transcription: there in the cedar hollow then lived olive lord and angry resentful little creature weighed down by a fierce sense of injury -2021-09-20 08:33:13.477 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.045455 -2021-09-20 08:33:13.482 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the more she is engaged in her proper duties the less leisure will she have for it even as an accomplishment and a recreation -Output Transcription: the more she is engaged in her proper duties the last leisure will she have for it even as an accomplishment and a recreation -2021-09-20 08:33:13.486 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.041667 -2021-09-20 08:33:13.492 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: he could hardly stand still so great was his mental agitation and he ran towards holmes with two eager hands outstretched thank heaven that you have come -Output Transcription: he could hardly stand still so great was his mental agitation and he ran towards homes with two eager hands outstretched thank heaven that you have come -2021-09-20 08:33:13.498 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.037037 -2021-09-20 08:33:13.499 | INFO | deepspeech2x.model:test:372 - Error rate [wer] (1920/?) = 0.072663 -2021-09-20 08:33:16.147 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: and now he desires to see the ideal state set in motion he would like to know how she behaved in some great struggle -Output Transcription: and now he desires to see the ideal state set in motion he would like to know how she behaved in some great struggle -2021-09-20 08:33:16.148 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:33:16.153 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: three seconds before the arrival of j b hobson's letter i no more dreamed of chasing the unicorn than of trying for the northwest passage -Output Transcription: three seconds before the arrival of j b hobson's letter i know more dreamed of chasing the unicorn and have trying for the northwest passage -2021-09-20 08:33:16.158 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.120000 -2021-09-20 08:33:16.163 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: flight was out of the question now the reptiles rose they wheeled around our little raft with a rapidity greater than that of express trains -Output Transcription: fight was out of the question now the reptiles rose they willed around our little raft with a rapidity greater than that of express trains -2021-09-20 08:33:16.167 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.080000 -2021-09-20 08:33:16.168 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: again i thank you this incident i suppose will be renewed no more if i live to be an old woman i shall remember it thirty years hence as a bright dream -Output Transcription: again i thank you this incident i suppose will be renewed no more if i live to be an old woman i shall remember it thirty years hence as a bright dream -2021-09-20 08:33:16.168 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:33:16.174 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the lure proved too much for him and he came sporting after it as friskily as a young kitten much to cynthia's delight when she caught sight of him -Output Transcription: the lure proved too much for him any time sporting after it as briskly as a young kitten much to cynthia's delight when she caught sight of him -2021-09-20 08:33:16.180 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.137931 -2021-09-20 08:33:16.187 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: a stage meal is popular because it proves to the audience that the actors even when called charles hawtrey or owen nares are real people just like you and me -Output Transcription: a stage me less popular because it proved to the audience at the actors even one called charles hull train or owen nares are real people just like you and me -2021-09-20 08:33:16.194 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.233333 -2021-09-20 08:33:16.198 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: she spoke with a sudden energy which partook of fear and passion and flushed her thin cheek and made her languid eyes flash -Output Transcription: she spoke with a sudden energy which partook a fear and passion and flushed her thin cheeks and made her languid eyes flash -2021-09-20 08:33:16.202 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.086957 -2021-09-20 08:33:16.205 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: to meet the needs of this conflict wretchedness has invented a language of combat which is slang -Output Transcription: to meet the needs of this conflict wretchedness has invented the language of combat which is slang -2021-09-20 08:33:16.207 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.058824 -2021-09-20 08:33:16.209 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: yes then something better something still grander will surely follow or wherefore should they thus ornament me -Output Transcription: yes and something better something still brander will surely follow or wherefore should they thus ornament me -2021-09-20 08:33:16.212 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.117647 -2021-09-20 08:33:16.215 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: by this time lord chelford and wylder returned and disgusted rather with myself i ruminated on my want of general ship -Output Transcription: by this time lord chelford and wilder returned and disgusted rather with myself i ruminated on my want of generalship -2021-09-20 08:33:16.218 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.142857 -2021-09-20 08:33:16.222 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: now delia contrived to obtain a great influence and ascendency over the minds of the children by means of these dolls -Output Transcription: now delia contrived to obtain a great influence and ascendancy over the minds of the children by means of these dolls -2021-09-20 08:33:16.225 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.047619 -2021-09-20 08:33:16.225 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: relocated footnote governor robinson being on his way east the steamboat on which he was traveling stopped at lexington missouri -Output Transcription: relocated footnote governor robinson being on his way east the steamboat on which he was traveling stopped at lexington missouri -2021-09-20 08:33:16.226 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:33:16.231 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: kathleen waved the torch to and fro as she recited some beautiful lines written for some such purpose as that which called them together to night -Output Transcription: kathleen way of the torch to and fro as she recited some beautiful lines written for some such purpose as that which called them together tonight -2021-09-20 08:33:16.236 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.153846 -2021-09-20 08:33:16.242 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: they worry me terribly and besides i'd like to see what this lovely furniture looks like without such quantities of dust all over it good scheme cyn -Output Transcription: may worry me terribly and besides i'd like to see what this lovely furniture looks like without such quantities of dust all over it to its scheme seem -2021-09-20 08:33:16.248 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.148148 -2021-09-20 08:33:16.248 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: it will be clear to you from what i have said that only you could have let this young man out since you were left in the room and must have locked the door when you went out -Output Transcription: it will be clear to you from what i have said that only you could have let this young man out since you were left in the room and must have locked the door when you went out -2021-09-20 08:33:16.248 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:33:16.251 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i see they lay helpless and naked weeping and none to answer none to cherish thee with mothers smiles -Output Transcription: i see they lay helpless the naked weeping and none to answer none to cherish thee with mother's smiles -2021-09-20 08:33:16.254 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.105263 -2021-09-20 08:33:16.258 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the king who had from this moment become in reality the principal dancer in the quadrille cast a look upon his vanquished rival -Output Transcription: the king who had from this moment become in reality the principal dancer and the quadrille cast a look upon his vanquished rival -2021-09-20 08:33:16.262 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.043478 -2021-09-20 08:33:16.262 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: this distinction is vital to the understanding of memory but it is not so easy to carry out in practice as it is to draw in theory -Output Transcription: this distinction is vital to the understanding of memory but it is not so easy to carry out in practice as it is to draw in theory -2021-09-20 08:33:16.262 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:33:16.262 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: pack as much into my trunk as you can my traveling kit my suits shirts and socks don't bother counting just squeeze it all in and hurry -Output Transcription: pack as much into my trunk as you can my traveling kit my suits shirts and socks don't bother counting just squeeze it all in and hurry -2021-09-20 08:33:16.263 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:33:16.268 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: now then let's enter the city an enjoy the grand feast that's being cooked i'm nearly starved myself for this conquerin kingdoms is hard work -Output Transcription: now then lets enter the city and enjoy a great feast is being cooked i nearly starved myself for this conquering kingdoms as hard work -2021-09-20 08:33:16.272 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.320000 -2021-09-20 08:33:16.279 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: it was a serious crime indeed mister watson told them and tom gates bade fair to serve a lengthy term in state's prison as a consequence of his rash act -Output Transcription: it was a serious crime indeed mister watson told them and tom gates bade fair to serve a lengthy term in the states prison as a consequence of his rash act -2021-09-20 08:33:16.286 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.066667 -2021-09-20 08:33:16.294 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: you may be quite sure it's there said captain battleax and that i can so use it as to half obliterate your town within two minutes of my return on board -Output Transcription: you may be quite short there said captain battle axe and that i can so use it as to half a bulter your town within two minutes of my return on board -2021-09-20 08:33:16.301 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.193548 -2021-09-20 08:33:16.305 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: yes all alone by himself asserted jasper vehemently and winking furiously to the others to stop their laughing he did now truly phronsie -Output Transcription: yes all alone by himself asserted jasper vehemently and winking furiously to the others to stop their laughing he did now truly prose -2021-09-20 08:33:16.309 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.043478 -2021-09-20 08:33:16.313 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i wanted nothing more than to see my country again my friends my modest quarters by the botanical gardens my dearly beloved collections -Output Transcription: i wanted nothing more than to see that country again my friends my modest quarters by the botanical gardens my dearly beloved collections -2021-09-20 08:33:16.317 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.043478 -2021-09-20 08:33:16.321 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: women can hide their pain better than we men and bear it better too except when shame drops fire into the dreadful chalice -Output Transcription: women can hide their pain better than we men and bear it better to except when shame drops fire into the dreadful chalice -2021-09-20 08:33:16.326 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.043478 -2021-09-20 08:33:16.331 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i wish it would recur again but it will take two or three interviews before the stiffness the estrangement of this long separation will wear away -Output Transcription: i was over recur again but it will take two or three interviews before the stiffness to the estrangement of this long separation will wear away -2021-09-20 08:33:16.336 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.153846 -2021-09-20 08:33:16.343 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: in other words these three men took down the lectures which luther addressed to his students in the course of galatians and roerer prepared the manuscript for the printer -Output Transcription: in other words these three men took down the lectures which luther address is students in the course of galatians and roar prepared the manuscript for the printer -2021-09-20 08:33:16.349 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.137931 -2021-09-20 08:33:16.354 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the lord who has given us power to teach and to hear let him also give us the power to serve and to do luke two -Output Transcription: the lord who has given us power to teach and to hear let him also give us the power to serve and to do look to -2021-09-20 08:33:16.359 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.076923 -2021-09-20 08:33:16.360 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: hold said david perceiving that with this assurance they were about to leave him i am an unworthy and humble follower of one who taught not the damnable principle of revenge -Output Transcription: hold said david perceiving that with this assurance they were about to leave him i am an unworthy and humble follower of one who taught not the damnable principle of revenge -2021-09-20 08:33:16.360 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:33:16.366 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: in the debate between the senior societies her defence of the fifteenth amendment had been not only a notable bit of reasoning but delivered with real enthusiasm -Output Transcription: in the debate between the signor societies her defence of the fifteenth amendment had been not only a notable bit of reasoning but delivered with real enthusiasm -2021-09-20 08:33:16.372 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.037037 -2021-09-20 08:33:16.378 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the hawk embittered by the loss of his first quarry had become as dogged in pursuit as a weasel not to be shaken off or evaded or deceived -Output Transcription: the hawk embittered by the loss of his first quarry had become as dogged in pursuit as a wheel not to be shaken off or evaded or deceived -2021-09-20 08:33:16.384 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.035714 -2021-09-20 08:33:16.392 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: on the contrary he resolved to tell them that repenting of his violence and moved by her tears he had only carried her half way towards his house and then let her go -Output Transcription: on the contrary he resolved to tell them that repenting of his violence and moved by tears he had only carried her half way towards his house and then let her go -2021-09-20 08:33:16.400 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.030303 -2021-09-20 08:33:16.401 | INFO | deepspeech2x.model:test:372 - Error rate [wer] (1952/?) = 0.072962 -2021-09-20 08:33:21.908 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the consumption of luxuries in the true sense is a consumption directed to the comfort of the consumer himself and is therefore a mark of the master -Output Transcription: the consumption of luxuries in the true sense is a consumption directed to the comfort of the consumer himself and is therefore a mark of the master -2021-09-20 08:33:21.908 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:33:21.909 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the use of the word waste as a technical term therefore implies no deprecation of the motives or of the ends sought by the consumer under this canon of conspicuous waste -Output Transcription: the use of the word waste as a technical term therefore implies no deprecation of the motives or of the ends sought by the consumer under this canon of conspicuous waste -2021-09-20 08:33:21.909 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:33:21.911 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: so i return rebuk'd to my content and gain by ill thrice more than i have spent -Output Transcription: so i return rebuked to my content and gained by ill thrice more than i have spent -2021-09-20 08:33:21.914 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.117647 -2021-09-20 08:33:21.918 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: she rose with a fleeting glance gathered the shawl round her then gliding forward wavering tremulous slipped across the road and into the swamp -Output Transcription: she rolls with a fleeting glance gathered the shawl around her then gliding forward wavering tremulous slipped across the road and into the swamp -2021-09-20 08:33:21.922 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.083333 -2021-09-20 08:33:21.923 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i am not allowed to perform magic except for my own amusement he told his visitors as he lighted a pipe with a crooked stem and began to smoke -Output Transcription: i am not allowed to perform magic except for my own amusement he told his visitors as he lighted a pipe with a crooked stem and began to smoke -2021-09-20 08:33:21.923 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:33:21.930 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the dews were suffered to exhale and the sun had dispersed the mists and was shedding a strong and clear light in the forest when the travelers resumed their journey -Output Transcription: the jews were suffered to exhale and the son had dispersed the mists and was shedding a strong and clear light in the forest when the travellers resumed their journey -2021-09-20 08:33:21.937 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.100000 -2021-09-20 08:33:21.937 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: thou canst wait through sorrow and sickness to bring souls to touch and think it soon when others cry too late -Output Transcription: thou canst wait through sorrow and sickness to bring souls to touch and think it soon when others cry too late -2021-09-20 08:33:21.937 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:33:21.941 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: sir i have it in command to inform your excellency that you have been appointed governor of the crown colony which is called britannula -Output Transcription: sir i have it in command to inform your excellency that you have been appointed governor of the crown colony which is called britannia -2021-09-20 08:33:21.946 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.041667 -2021-09-20 08:33:21.951 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: on the sixth of april eighteen thirty the church of jesus christ of latter day saints was formally organized and thus took on a legal existence -Output Transcription: on the sixth of april eighteen thirty the church of jesus christ of latterday saints was formerly organized and thus took on a legal existence -2021-09-20 08:33:21.955 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.115385 -2021-09-20 08:33:21.956 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the story of its evil influence came back to me and in my bewildered condition i wondered whether there was not some truth in what had been said -Output Transcription: the story of its evil influence came back to me and in my bewildered condition i wondered whether there was not some truth in what had been said -2021-09-20 08:33:21.956 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:33:21.959 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: nine thousand years have elapsed since she founded yours and eight thousand since she founded ours as our annals record -Output Transcription: nine thousand years had elapsed since she found it yours and eight thousand since she founded arts as our annals record -2021-09-20 08:33:21.962 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.200000 -2021-09-20 08:33:21.966 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: while the old gold and the marble stays forever gleaming its soft strong blaze calm in the early evening glow -Output Transcription: while the old gold and the marble stays forever gleaming is soft strong blaze can in the early evening glow -2021-09-20 08:33:21.969 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.100000 -2021-09-20 08:33:21.972 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: private persons who had leased the free state hotel vainly besought the various authorities to prevent the destruction of their property -Output Transcription: private persons who at least the free stay at hotel then lay be saw the various authorities to present the destruction of their property -2021-09-20 08:33:21.977 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.428571 -2021-09-20 08:33:21.977 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: for some years it was not found feasible to operate motors on alternating current circuits and that reason was often urged against it seriously -Output Transcription: for some years it was not found feasible to operate motors on alternating current circuits and that reason was often urged against it seriously -2021-09-20 08:33:21.977 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:33:21.983 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: then he rushed down stairs into the courtyard shouting loudly for his soldiers and threatening to patch everybody in his dominions if the sailorman was not recaptured -Output Transcription: then he rushed downstairs into the courtyard shouting loudly for his soldiers and threatening to patch everybody in his dominions of the sailorman was not recaptured -2021-09-20 08:33:21.988 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.111111 -2021-09-20 08:33:21.995 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i heard father tell cousin abner that he was whipped so often for whistling when he was a boy that he was determined to have what compensation he could get now -Output Transcription: i heard father tell cousin avenue that he was whipped so often for whistling when he was a boy that he was determined to have what compensation he could get now -2021-09-20 08:33:22.003 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.032258 -2021-09-20 08:33:22.007 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the helpless worm arose and sat upon the lillys leaf and the bright cloud saild on to find his partner in the vale -Output Transcription: the helpless worm arose and sat upon the lily leaf and the bright clouds sailed on to find his partner in the veil -2021-09-20 08:33:22.011 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.173913 -2021-09-20 08:33:22.018 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: you must look at him in the face fight him conquer him with what scathe you may you need not think to keep out of the way of him -Output Transcription: you must look at him in the face fight him conquer him with what scared you may you need not think to keep out of the way of him -2021-09-20 08:33:22.024 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.034483 -2021-09-20 08:33:22.028 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the music came nearer and he recalled the words the words of shelley's fragment upon the moon wandering companionless pale for weariness -Output Transcription: the music came nearer and he recalled the words the words of shelley's fragment upon the moon wandering companion less pale for weariness -2021-09-20 08:33:22.032 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.090909 -2021-09-20 08:33:22.037 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: and there you are you will of course appreciate that the unfinished sentences not only save time but also make the manoeuvring very much more natural -Output Transcription: and there you are you will of course appreciate that the unbeaten is not only save time but also make the manoeuvring very much more natural -2021-09-20 08:33:22.042 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.076923 -2021-09-20 08:33:22.051 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: her hair is still like flax and her blue eyes are just like a baby's and she has the same three freckles on her little nose and talks about going back to her bains de mer -Output Transcription: her hair is still like flax and her blue eyes are just like babies and she has the same three freckles on her little nose and talks about going back to her band omar -2021-09-20 08:33:22.060 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.138889 -2021-09-20 08:33:22.060 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: he had a lot of line out and the place was none too free for a long cast but he was impatient to drop his flies again on the spot where the big fish was feeding -Output Transcription: he had a lot of line out and the place was none too free for a long cast but he was impatient to drop his flies again on the spot where the big fish was feeding -2021-09-20 08:33:22.060 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:33:22.061 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: and the old gentleman was so delighted with his success that he had to burst out into a series of short happy bits of laughter that occupied quite a space of time -Output Transcription: and the old gentleman was so delighted with his success that he had to burst out into a series of short happy bits of laughter that occupied quite a space of time -2021-09-20 08:33:22.061 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:33:22.065 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: disdainful of a success of which madame showed no acknowledgement he thought of nothing but boldly regaining the marked preference of the princess -Output Transcription: disdainful of success of which madame showed no acknowledgement he thought of nothing but boldly regaining the market preference of the princess -2021-09-20 08:33:22.069 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.086957 -2021-09-20 08:33:22.075 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: it was silent and gloomy being tenanted solely by the captive and lighted by the dying embers of a fire which had been used for the purposed of cookery -Output Transcription: it was silent and gloomy being tenanted solely by the captive and lighted by the dying embers of a fire which had been used for the purpose of cookery -2021-09-20 08:33:22.082 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.034483 -2021-09-20 08:33:22.087 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: he well knew that he should never see his dear old comrades the little bushes and flowers around him anymore perhaps not even the birds -Output Transcription: he well knew that he should never see his dear old comrades the little bushes and flowers around him any more perhaps not even the birds -2021-09-20 08:33:22.092 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.080000 -2021-09-20 08:33:22.099 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the two young men who were by this time full of the adventure went down to the wall street office of henry's uncle and had a talk with that wily operator -Output Transcription: the two young men who were by this time full of the adventurer went down to the wall street office of henry's uncle and had a talk with that wily operator -2021-09-20 08:33:22.107 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.032258 -2021-09-20 08:33:22.112 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: after this disappointment i never dare reckon with certainty on the enjoyment of a pleasure again it seems as if some fatality stood between you and me -Output Transcription: after this disappointment i never dare reckon with certainty on the enjoyment of pleasure again it seems as if some fatality stood between you and me -2021-09-20 08:33:22.118 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.037037 -2021-09-20 08:33:22.124 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: observe again what care the law took in the pursuit of wisdom searching out the deep things of the world and applying them to the use of man -Output Transcription: observe again what care a lot too in the pursuit of wisdom searching out the deep things of the world and applying them to the use of men -2021-09-20 08:33:22.130 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.142857 -2021-09-20 08:33:22.130 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: instead of but six regularly affiliated members and at most two score of adherents the organization numbers today many hundred thousand souls -Output Transcription: instead of but six regularly affiliated members and at most two score of adherents the organization numbers today many hundred thousand souls -2021-09-20 08:33:22.131 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:33:22.131 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: there is no class and no country that has yielded so abjectly before the pressure of physical want as to deny themselves all gratification of this higher or spiritual need -Output Transcription: there is no class and no country that has yielded so abjectly before the pressure of physical want as to deny themselves all gratification of this higher or spiritual need -2021-09-20 08:33:22.132 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:33:22.132 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the lodge in which uncas was confined was in the very center of the village and in a situation perhaps more difficult than any other to approach or leave without observation -Output Transcription: the lodge in which uncas was confined was in the very center of the village and in a situation perhaps more difficult than any other to approach or leave without observation -2021-09-20 08:33:22.133 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:33:22.134 | INFO | deepspeech2x.model:test:372 - Error rate [wer] (1984/?) = 0.072708 -2021-09-20 08:33:24.979 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the farmer sat gloomily on the bench and would not eat and you cannot wonder for he saw us putting potfuls of his good beef and basket loads of bread into our big mouths -Output Transcription: the farmer sat gloomily on the benches would not eat and you cannot wonder for he saw us putting partfull of his good beef and baskets of bread and our big mouths -2021-09-20 08:33:24.988 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.176471 -2021-09-20 08:33:24.995 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: it's such a crush at the yearly meeting at arch street and then there's the row of sleek looking young men who line the curbstone and stare at us as we come out -Output Transcription: it's such a crush at the yearly meeting at arch street and then there's the row of sleek looking young men who line the curbstone and series as we come out -2021-09-20 08:33:25.003 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.090909 -2021-09-20 08:33:25.009 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: she makes effort after effort trembling with eagerness and when she fails to reproduce what she sees she works herself into a frenzy of grief and disappointment -Output Transcription: she makes effort after effort trembling with eagerness than when she fails to reproduce what she sees she works herself into a frenzy of grief and disappointment -2021-09-20 08:33:25.014 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.037037 -2021-09-20 08:33:25.017 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: till we arise link'd in a golden band and never part but walk united bearing food to all our tender flowers -Output Transcription: till we arise linked in a golden band and never part but walk united bearing food to all our tender flowers -2021-09-20 08:33:25.021 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.047619 -2021-09-20 08:33:25.024 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: housecleaning a domestic upheaval that makes it easy for the government to enlist all the soldiers it needs -Output Transcription: house cleaning a domestic upheaval and that makes it easy for the government to enlist all the soldiers at needs -2021-09-20 08:33:25.026 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.222222 -2021-09-20 08:33:25.027 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: they informed the english parliament of this unexpected incident and assured them that they had entered into no private treaty with the king -Output Transcription: they informed the english parliament of this unexpected incident and assured them that they had entered into no private treaty with the king -2021-09-20 08:33:25.027 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:33:25.032 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: thus did this humane and right minded father comfort his unhappy daughter and her mother embracing her again did all she could to soothe her feelings -Output Transcription: thus too the humane and right minded father comfort his unhappy daughter and her mother embracing her again did all she could to soothe feelings -2021-09-20 08:33:25.037 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.115385 -2021-09-20 08:33:25.042 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the fairview band was engaged to discourse as much harmony as it could produce and the resources of the great house were taxed to entertain the guests -Output Transcription: the fairview pound was engaged to discourse as much harmony as it could produce and the resources of the great house were taxed to entertain the guests -2021-09-20 08:33:25.048 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.037037 -2021-09-20 08:33:25.048 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i think the next glass cat the magician makes will have neither brains nor heart for then it will not object to catching mice and may prove of some use to us -Output Transcription: i think the next glass cat the magician makes will have neither brains nor heart for then it will not object to catching mice and may prove of some use to us -2021-09-20 08:33:25.049 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:33:25.055 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i shan't trouble you about my train of thoughts or fancies but i began to feel very like a gentleman in a ghost story watching experimentally in a haunted chamber -Output Transcription: i shan't trouble you about my train of thoughts or fancies but i began to feel very like a gentleman in the ghost story watching experimentally in a haunted chamber -2021-09-20 08:33:25.062 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.033333 -2021-09-20 08:33:25.067 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: he often stopped to examine the trees nor did he cross a rivulet without attentively considering the quantity the velocity and the color of its waters -Output Transcription: he often stopped to examine the trees nor did he cross the rivulet without attentively considering the quantity the velocity and the color of its waters -2021-09-20 08:33:25.072 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.038462 -2021-09-20 08:33:25.072 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the news circulated with the rapidity of lightning during its progress it kindled every variety of coquetry desire and wild ambition -Output Transcription: the news circulated with the rapidity of lightning during its progress it kindled every variety of coquetry desire and wild ambition -2021-09-20 08:33:25.072 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:33:25.078 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i'll gladly do that promised the new boolooroo and i'll feed the honorable goat all the shavings and leather and tin cans he can eat besides the grass -Output Transcription: i will gladly do that promised the new bolero and i'll feed the honorable gold all the shavings and leather and tin cans can eat besides the grass -2021-09-20 08:33:25.084 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.178571 -2021-09-20 08:33:25.089 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: it was this observation that drew from douglas not immediately but later in the evening a reply that had the interesting consequence to which i call attention -Output Transcription: it was this observation that drew from douglas not immediately but later in the evening reply that had the interesting consequence to which i call attention -2021-09-20 08:33:25.094 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.037037 -2021-09-20 08:33:25.099 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: well i'm convinced that the boarded up house mystery happened not earlier than april sixteenth eighteen sixty one and probably not much later -Output Transcription: well and convinced at the boarded up house mystery happened not earlier than april sixteen eighteen sixty one and probably not much later -2021-09-20 08:33:25.103 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.130435 -2021-09-20 08:33:25.106 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: and hence we find the same sort of clumsiness in the timaeus of plato which characterizes the philosophical poem of lucretius -Output Transcription: and hence we find the same sort of clumsiness in the timaeus of plato which characterizes to philosophical pan of lucretius -2021-09-20 08:33:25.109 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.095238 -2021-09-20 08:33:25.115 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: and he placed it in that gentleman's fingers who now took his turn at the lamp and contemplated the little parallelogram with a gleam of sly amusement -Output Transcription: and he placed it in that gentleman's fingers who now took his turn to the lamp and contemplated the little parallelogram with a gleam of sly amusement -2021-09-20 08:33:25.121 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.037037 -2021-09-20 08:33:25.127 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: there was a bright moonlight broken by the shadows of overhanging boughs and withered leaves and the mottled lights and shadows glided oddly across his pale features -Output Transcription: there was a bright moon light broken by the shadows of overhanging boughs and with her leaves and the model lights and shadows glided oddly across his pale features -2021-09-20 08:33:25.133 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.185185 -2021-09-20 08:33:25.136 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: nemo builds a fabulous futuristic submarine the nautilus then conducts an underwater campaign of vengeance against his imperialist oppressor -Output Transcription: name of build a fabulous futuristic submarine the nautilus then conducts an underwater campaign of vengeance against his imperialist oppressor -2021-09-20 08:33:25.138 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.157895 -2021-09-20 08:33:25.139 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the principle employed in the edison electrolytic meter is that which exemplifies the power of electricity to decompose a chemical substance -Output Transcription: the principle employed in the edison electrolytic meter is that which exemplifies the power of electricity to decompose a chemical substance -2021-09-20 08:33:25.139 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:33:25.139 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: all my danger and sufferings were needed to strike a spark of human feeling out of him but now that i am well his nature has resumed its sway -Output Transcription: all my danger and sufferings were needed to strike a spark of human feeling out of him but now that i am well his nature has resumed its sway -2021-09-20 08:33:25.139 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:33:25.147 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: on the mast already i see the light play of a lambent saint elmo's fire the outstretched sail catches not a breath of wind and hangs like a sheet of lead -Output Transcription: on the mast already i see the light play of alaminos saint elmo's fire the ostrich sail catches not a breath of wind and hangs like a sheet of lead -2021-09-20 08:33:25.154 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.096774 -2021-09-20 08:33:25.158 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the task will not be difficult returned david hesitating though i greatly fear your presence would rather increase than mitigate his unhappy fortunes -Output Transcription: the task will not be difficult return david hesitating though i greatly fear our presence would rather increase that mitigate his unhappy fortunes -2021-09-20 08:33:25.162 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.130435 -2021-09-20 08:33:25.165 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: nay i rather thrilled distrusting every light that seemed to gild the onward path and feared to overlean a finger even -Output Transcription: nay i rather thrilled distrusting every light that seemed to gild the onward caf and fear to over lean a finger even -2021-09-20 08:33:25.169 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.190476 -2021-09-20 08:33:25.175 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: this missus poyser said blushing and believing that the captain was really interested in her milk pans and would adjust his opinion of her to the appearance of her dairy -Output Transcription: this miss poyser said blushing and believing that the captain was really interested in her mops and would adjust his opinion of her to the appearance of her dairy -2021-09-20 08:33:25.182 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.100000 -2021-09-20 08:33:25.187 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: yes i need repose many things have agitated me to day both in mind and body when you return to morrow i shall no longer be the same man -Output Transcription: yes i need repose many things have agitated me today both in mind and body when you return tomorrow i shall no longer be the same man -2021-09-20 08:33:25.194 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.137931 -2021-09-20 08:33:25.201 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i hope thee told the elders that father and i are responsible for the piano and that much as thee loves music thee is never in the room when it is played -Output Transcription: i hope he told the elders that father and i responsible for the piano and that much as the loves music the is never in the room when it is played -2021-09-20 08:33:25.209 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.125000 -2021-09-20 08:33:25.209 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: therefore i feel myself quite able as president of this republic to receive you with a courtesy due to the servants of a friendly ally -Output Transcription: therefore i feel myself quite able as president of this republic to receive you with a courtesy due to the servants of a friendly ally -2021-09-20 08:33:25.209 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:33:25.210 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: he was in the midst of that when your return caused him to make a very hurried retreat very hurried since he had not time to replace the papers which would tell you that he had been there -Output Transcription: he was in the midst of that when your return caused him to make a very hurried retreat very hurried since he had not time to replace the papers which would tell you that he had been there -2021-09-20 08:33:25.211 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:33:25.219 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: in fact he had just finished it the last of the trout's tail had just vanished with a spasm down his strained gullet when the baffled hawk caught sight of him and swooped -Output Transcription: in fact he had just finished it the last of the trout's tail had just vanished with the spasm down his strange gullet when the baffled hawk caught sight of him and swooped -2021-09-20 08:33:25.227 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.060606 -2021-09-20 08:33:25.233 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: it is a gleaner bringing down her one sheaf of corn to an old watermill itself mossy and rent scarcely able to get its stones to turn -Output Transcription: it is a gleaner bringing down her one sheaf of corn to an old water mill itself mossy and rent scarcely able to get its stones to turn -2021-09-20 08:33:25.239 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.074074 -2021-09-20 08:33:25.245 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: in fact the sound of madame's and the queen's carriages could be heard in the distance upon the hard dry ground of the roads followed by the mounted cavaliers -Output Transcription: in fact the sound of madams and the queen's carriages could be heard in the distance upon the hard dry ground of the roads followed by the mountain cavaliers -2021-09-20 08:33:25.251 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.068966 -2021-09-20 08:33:25.252 | INFO | deepspeech2x.model:test:372 - Error rate [wer] (2016/?) = 0.072905 -2021-09-20 08:33:28.095 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i know his farm is in better order than any other within ten miles of us and as for the kitchen he added smiling i don't believe there's one in the kingdom to beat it -Output Transcription: i know his arm is in better order than any other within ten miles of us and as for the kitchen he added smiling i don't believe there is one in the kingdom to eat it -2021-09-20 08:33:28.105 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.114286 -2021-09-20 08:33:28.112 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the cunning man is afraid that his breath will blow upon his brothers and take away their courage too continued david improving the hint he received they must stand further off -Output Transcription: the cunning man is afraid that his breath will blow upon his brothers and take away their courage to continued david improving the hand he received they must stand further off -2021-09-20 08:33:28.120 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.064516 -2021-09-20 08:33:28.128 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: on either side of the road for a mile before you reached the foot of the hill stood tall osage orange hedges their glossy green marking off the yellow fields -Output Transcription: on either side of the road for a mile before you reach the foot of the hill stood tall osage or in changes their glossy green mocking off the yellow fields -2021-09-20 08:33:28.135 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.166667 -2021-09-20 08:33:28.141 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: that christ is very god is apparent in that paul ascribes to him divine powers equally with the father as for instance the power to dispense grace and peace -Output Transcription: that christ is very god is apparent in that paul ascribes to him divine powers equally with the father as for instance the power to the spence grace and peace -2021-09-20 08:33:28.148 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.068966 -2021-09-20 08:33:28.148 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: by quick marches through these inaccessible mountains that general freed himself from the superior forces of the covenanters -Output Transcription: by quick marches through these inaccessible mountains that general freed himself from the superior forces of the covenanters -2021-09-20 08:33:28.149 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:33:28.153 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: but thel is like a faint cloud kindled at the rising sun i vanish from my pearly throne and who shall find my place -Output Transcription: but thou is like a faint cloud kindled at the rising sun i vanished from my pearly throne and who shall find my place -2021-09-20 08:33:28.157 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.083333 -2021-09-20 08:33:28.158 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: forgive me i hardly know what i am saying a thousand times forgive me madame was right quite right this brutal exile has completely turned my brain -Output Transcription: forgive me i hardly know what i am saying a thousand times forgive me madame was right quite right this brutal exile has completely turned my brain -2021-09-20 08:33:28.158 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:33:28.162 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: but her greeting to captain lake was more than usually haughty and frozen and her features i fancied particularly proud and pale -Output Transcription: but her greeting to captain mike was more than usually haughty and frozen and her features i fancied particularly proud and pale -2021-09-20 08:33:28.165 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.045455 -2021-09-20 08:33:28.166 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: bishops virgins and even spotless infants were subjected to the disgrace of a public penance before they could be admitted to the communion of the donatists -Output Transcription: bishops virgins and even spotless infants were subjected to the disgrace of a public penance before they could be admitted to the communion of the donatists -2021-09-20 08:33:28.166 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:33:28.166 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the south she had not thought of seriously and yet knowing of its delightful hospitality and mild climate she was not averse to charleston or new orleans -Output Transcription: the south she had not thought of seriously and yet knowing of its delightful hospitality and mild climate she was not averse to charleston or new orleans -2021-09-20 08:33:28.166 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:33:28.172 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the queens had taken their seats upon a magnificent dias or platform erected upon the borders of the lake in a theater of wonderful elegance of construction -Output Transcription: the queens had taken their seats upon a magnificent dais or platform erected upon the borders of the lake in a theatre of wonderful elegance of construction -2021-09-20 08:33:28.177 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.074074 -2021-09-20 08:33:28.181 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the pleasant graveyard of my soul with sentimental cypress trees and flowers is filled that i may stroll in meditation at my ease -Output Transcription: the pleasant graveyard of my soul with sentimental cyprus trees and flowers is filled then i may stroll and meditation at my ease -2021-09-20 08:33:28.185 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.130435 -2021-09-20 08:33:28.190 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: and the wan oracle having spoken she sate down in the same sort of abstraction again beside dorcas and she looked full in her cousin's eyes -Output Transcription: and the wan oracle having spoken she sat down in the same sort of obstruction again beside dorcas and she looked full in her cousin's eyes -2021-09-20 08:33:28.195 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.076923 -2021-09-20 08:33:28.204 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: as to any other kind of discipline whether addressed to her mind or heart little pearl might or might not be within its reach in accordance with the caprice that ruled the moment -Output Transcription: as to any other kind of discipline whether addressed to her mind or heart little pearl might or might not be within its reach in accordance with the caprice that lined the moment -2021-09-20 08:33:28.212 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.030303 -2021-09-20 08:33:28.212 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: as the ambassador of a government is honored for his office and not for his private person so the minister of christ should exalt his office in order to gain authority among men -Output Transcription: as the ambassador of a government is honored for his office and not for his private person so the minister of christ should exalt his office in order to gain authority among men -2021-09-20 08:33:28.213 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:33:28.219 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: see said uncas pointing north and south at the evident marks of the broad trail on either side of him the dark hair has gone toward the forest -Output Transcription: see said uncas pointing north and south at the evident marks of the broad trail on either side of him the dark hair has gone towards the forest -2021-09-20 08:33:28.224 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.035714 -2021-09-20 08:33:28.231 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: he was beginning to feel a keen interest in the slender barefoot donkey girl who slipped in and out of the play singing like some one winding through a hilly field -Output Transcription: he was beginning to feel keen interest in the slender barefoot donkey girl who slipped her and out of the play singing like some one winding through hilly fields -2021-09-20 08:33:28.238 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.129032 -2021-09-20 08:33:28.243 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the free state men clung to their prairie towns and prairie ravines with all the obstinacy and courage of true defenders of their homes and firesides -Output Transcription: the freestate men clung to their prairie towns and prairie vines with all the obstinacy and courage of true defenders of their homes and firesides -2021-09-20 08:33:28.247 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.115385 -2021-09-20 08:33:28.252 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: lives not alone nor or itself fear not and i will call the weak worm from its lowly bed and thou shalt hear its voice -Output Transcription: lives not alone nor of itself fear not and i will call the weak worm from its lowly bed and thou shalt hear its voice -2021-09-20 08:33:28.257 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.040000 -2021-09-20 08:33:28.261 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: in winter when the snow lay glittering on the ground a hare would often come leaping along and jump right over the little tree -Output Transcription: in winter when the snow lay glittering on the ground a hair would often come leaping along and jump right over the little tree -2021-09-20 08:33:28.265 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.041667 -2021-09-20 08:33:28.266 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i had always known him to be restless in his manner but on this particular occasion he was in such a state of uncontrollable agitation that it was clear something very unusual had occurred -Output Transcription: i had always known him to be restless in his manner but on this particular occasion he was in such a state of uncontrollable agitation that it was clear something very unusual had occurred -2021-09-20 08:33:28.266 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:33:28.271 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: but observe you can only do this on one condition that of striving also to create in reality the beauty which you seek in imagination -Output Transcription: but observe you can only do this on one condition that of striving also to create in reality the beauty which you seek an imagination -2021-09-20 08:33:28.275 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.040000 -2021-09-20 08:33:28.276 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the edict of milan the great charter of toleration had confirmed to each individual of the roman world the privilege of choosing and professing his own religion -Output Transcription: the edict of milan the great charter of toleration had confirmed to each individual of the roman world the privilege of choosing and professing his own religion -2021-09-20 08:33:28.277 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:33:28.285 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: before any could stop him he butted his majesty so furiously that the king soared far into the air and tumbled in a heap among the benches where he lay moaning and groaning -Output Transcription: before any good stop him he buried his majesty so furiously that the king soared far into the air and tumbled in a heap among the benches where he lay moaning and groaning -2021-09-20 08:33:28.293 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.060606 -2021-09-20 08:33:28.293 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: as a sample of the press comments against the brutality of the missourians i quote a paragraph from the quincy argus march sixteenth eighteen thirty nine -Output Transcription: as a sample of the press comments against the brutality of the missourians i quote a paragraph from the quincy argus march sixteenth eighteen thirty nine -2021-09-20 08:33:28.294 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:33:28.294 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: so saying she led the way on tiptoe followed by the children out of the room and round by a circuitous route to the piazza there -Output Transcription: so saying she led the way on tiptoe followed by the children out of the room and round by a circuitous route to the piazza there -2021-09-20 08:33:28.295 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:33:28.302 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: hostess replaces lump and inclines empty teapot over tray for a moment then hands him a cup painted brown inside thus deceiving the gentleman with the telescope in the upper circle -Output Transcription: hotis replaces lump and inclined to empty teapot over tray for a moment then hand make up painted brown inside thus deceiving the gentleman with the telescope in the upper circle -2021-09-20 08:33:28.310 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.225806 -2021-09-20 08:33:28.316 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: it was specially suited for a trial plant also in the early days when a yield of six or eight lamps to the horse power was considered subject for congratulation -Output Transcription: it was specially suited for a trial plant also in the early days when a yield of six or eight lamps to the horsepower was consider subject for congratulation -2021-09-20 08:33:28.323 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.100000 -2021-09-20 08:33:28.324 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: in the present day we are well aware that an ancient philosopher is to be interpreted from himself and by the contemporary history of thought -Output Transcription: in the present day we are well aware that an ancient philosopher is to be interpreted from himself and by the contemporary history of thought -2021-09-20 08:33:28.324 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:33:28.333 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: one of mister hopkins's first tasks after calling his faithful henchmen around him was to make a careful canvass of the voters of his district to see what was still to be accomplished -Output Transcription: one of hester hopkins first tasks after calling his faithful henchmen around him was to make a careful kilns of the voters of his district to see what was still to be accomplished -2021-09-20 08:33:28.342 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.090909 -2021-09-20 08:33:28.346 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: ralph thurston had found a line of latin for them in his beloved horace tibi splendet focus for you the hearth fire shines -Output Transcription: ralph thurston had found a line of latin for them in his beloved horns to be splendid focus for you the hearth fire shines -2021-09-20 08:33:28.350 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.173913 -2021-09-20 08:33:28.353 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: it is black in misfortune it is blacker still in crime these two blacknesses amalgamated compose slang -Output Transcription: it is black and misfortune it is blacker still in crime these two blackness is amalgamated composed slang -2021-09-20 08:33:28.355 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.235294 -2021-09-20 08:33:28.356 | INFO | deepspeech2x.model:test:372 - Error rate [wer] (2048/?) = 0.072707 -2021-09-20 08:33:33.516 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: which thou dost scatter on every little blade of grass that springs revives the milked cow and tames the fire breathing steed -Output Transcription: which thou dost scatter on every little blade of grass that springs revives the milked cow and tames the fire breathing speed -2021-09-20 08:33:33.521 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.045455 -2021-09-20 08:33:33.532 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the old servant told him quietly as they crept back to gamewell that this passage way led from the hut in the pleasance to sherwood and that geoffrey for the time was hiding with the outlaws in the forest -Output Transcription: the old servant told him quietly as they crept back to game well that this passage way led from the hut in the pleasance to sherwood and that jeffrey for the time was hiding with the outlaws in the forest -2021-09-20 08:33:33.544 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.076923 -2021-09-20 08:33:33.544 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i have never yet however been vanquished by them and even upon this occasion my reason shall combat them to the last and my reason shall fail me before i do wrong -Output Transcription: i have never yet however been vanquished by them and even upon this occasion my reason shall combat them to the last and my reason shall fail me before i do wrong -2021-09-20 08:33:33.545 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:33:33.551 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: he hoped there would be stew for dinner turnips and carrots and bruised potatoes and fat mutton pieces to be ladled out in thick peppered flour fattened sauce -Output Transcription: he hoped there would be stew for dinner turnips and carrots and bruised potatoes and fat mutton pieces to be ladled out in thick peppered flower fattened sauce -2021-09-20 08:33:33.557 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.035714 -2021-09-20 08:33:33.563 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: he came down to earth lived among men suffered was crucified and then he died standing clearly before us so that our hearts and eyes may fasten upon him -Output Transcription: he came down to earth lived among men suffered was crucified and then he died standing clearly before us so that our hearts and eyes me fasten upon him -2021-09-20 08:33:33.569 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.034483 -2021-09-20 08:33:33.570 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: nothing is more lugubrious than the contemplation thus in its nudity in the broad light of thought of the horrible swarming of slang -Output Transcription: nothing is more lugubrious than the contemplation thus in its nudity in the broad light of thought of the horrible swarming of slang -2021-09-20 08:33:33.570 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:33:33.570 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: but this frequenter of the heights of air for all his savage valor was troubled at the leaping waves and the tossing foam of these mad rapids he did not understand them -Output Transcription: but this frequenter of the heights of air for all his savage valor was troubled at the leaping waves and the tossing foam of these mad rapids he did not understand them -2021-09-20 08:33:33.571 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:33:33.571 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: all the morning they trudged up the mountain path and at noon unc and ojo sat on a fallen tree trunk and ate the last of the bread which the old munchkin had placed in his pocket -Output Transcription: all the morning they trudged up the mountain path and at noon unc and ojo sat on a fallen tree trunk and ate the last of the bread which the old munchkin had placed in his pocket -2021-09-20 08:33:33.571 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:33:33.578 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: extinguished brands were lying around a spring the offals of a deer were scattered about the place and the trees bore evident marks of having been browsed by the horses -Output Transcription: extinguished brands were lying around a spring the awful of a deer were scattered about the place and the trees bore evident marks of having been browsed by the horses -2021-09-20 08:33:33.585 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.033333 -2021-09-20 08:33:33.593 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: we can all be servants of god wherever our lot is cast but he gives us different sorts of work according as he fits us for it and calls us to it -Output Transcription: we can all be servants of god wherever our lot is cast but he gives us different sorts of work according as he fits us for it and causes to it -2021-09-20 08:33:33.600 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.062500 -2021-09-20 08:33:33.609 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: but take it whilst i live and wear montfichet's shield in the days when my eyes can be rejoiced by so brave a sight for you will ne'er disgrace our scutcheon i warrant me -Output Transcription: but take it whilst i live and where monte's shield in the days when my eyes can be rejoiced by so brave a sight for you will never disgrace our dutch and i warrant me -2021-09-20 08:33:33.618 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.147059 -2021-09-20 08:33:33.626 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: among the country population its place is to some extent taken by savings and home comforts known through the medium of neighborhood gossip sufficiently to serve the like general purpose of pecuniary repute -Output Transcription: among the country population its place to some extent taken by savings and home comforts known through the medium of neighbours gossip sufficiently to serve the like general purpose of pecuniary repute -2021-09-20 08:33:33.634 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.060606 -2021-09-20 08:33:33.641 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: it has even happened that the name for certain diseased conditions of the body arising from such an origin has passed into everyday speech as a synonym for noble or gentle -Output Transcription: it has even happened that the name for certain disease conditions of the body arising from such an origin has passed into everyday speech as a synonym for noble or gentle -2021-09-20 08:33:33.648 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.032258 -2021-09-20 08:33:33.653 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the dull light fell more faintly upon the page whereon another equation began to unfold itself slowly and to spread abroad its widening tail -Output Transcription: the dull light fell more faintly upon the page where on another equation began to unfold itself slowly and to spread abroad its widening tail -2021-09-20 08:33:33.658 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.083333 -2021-09-20 08:33:33.664 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: whenever as in these cases the menial service in question has to do directly with the primary leisure employments of fighting and hunting it easily acquires a reflected honorific character -Output Transcription: whenever as in these cases the menial service in question has studied directly with a primary leisure employments of fighting and hunting it easily acquires a reflected on terrific character -2021-09-20 08:33:33.671 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.166667 -2021-09-20 08:33:33.679 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: it is notable that the indian tribes have generally regarded the religion of the latter day saints with favor seeing in the book of mormon striking agreement with their own traditions -Output Transcription: it is notable that the indian tribes have nearly regarded the religion of the latterday saints with favour seeing in the book mormon striking agreement with their own traditions -2021-09-20 08:33:33.685 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.161290 -2021-09-20 08:33:33.692 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: marie picked cherries and sang softly to herself stripping one glittering branch after another shivering when she caught a shower of raindrops on her neck and hair -Output Transcription: marie picked berries and saying softly to herself stripping one glittering ranch after another shivering when she taught a shower of rain drops on her neck and hair -2021-09-20 08:33:33.697 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.222222 -2021-09-20 08:33:33.701 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: first as a paris stockbroker later as a celebrated author and yachtsman he went on frequent voyages to britain america the mediterranean -Output Transcription: first as a paris stockbroker later as a celebrated author and yachtsmen he went on frequent voyages to britain america the mediterranean -2021-09-20 08:33:33.705 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.045455 -2021-09-20 08:33:33.705 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: at most by an alms given to a beggar whose blessing he fled from he might hope wearily to win for himself some measure of actual grace -Output Transcription: at most by an alms given to a beggar whose blessing he fled from he might hope wearily to win for himself some measure of actual grace -2021-09-20 08:33:33.706 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:33:33.706 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: it is probable that the relation of the ideas to god or of god to the world was differently conceived by him at different times of his life -Output Transcription: it is probable that the relation of the ideas to god or of god to the world was differently conceived by him at different times of his life -2021-09-20 08:33:33.706 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:33:33.709 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: he would be like a philologist refusing to examine a fact in language a philosopher hesitating to scrutinize a fact in humanity -Output Transcription: he would be like a philologist refusing to examine affect in language a philosopher hesitating to scrutinize effect in humanity -2021-09-20 08:33:33.713 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.181818 -2021-09-20 08:33:33.723 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: if beauty or comfort is achieved and it is a more or less fortuitous circumstance if they are they must be achieved by means and methods that commend themselves to the great economic law of wasted effort -Output Transcription: if beauty comfort is achieved and it is a more or less fortuitous circumstance if there they must be achieved by means and methods that commend themselves through the grate economic law of wasted effort -2021-09-20 08:33:33.732 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.135135 -2021-09-20 08:33:33.737 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: in actual fact there are doubtless various factors that concur in giving us the feeling of greater or less remoteness in some remembered event -Output Transcription: in actual fact there are doubtless various factors that concur in giving us the filling of greater or less remoteness and some remembered event -2021-09-20 08:33:33.741 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.083333 -2021-09-20 08:33:33.752 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: sometimes i don't want to do anything at all and sometimes i want to pull the four corners of the divide together he threw out his arm and brought it back with a jerk so like a table cloth -Output Transcription: sometimes i don't want to do anything at all and sometimes i want to pull the four corners of the divide together he threw out his arm and brought it back with a jerk so like a tablecloth -2021-09-20 08:33:33.763 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.051282 -2021-09-20 08:33:33.772 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: such consumption as falls to the women is merely incidental to their work it is a means to their continued labour and not a consumption directed to their own comfort and fulness of life -Output Transcription: such consumption as falls through the woman is merely incidental to their work it is a means to their continued labor and not consumption directed to their own comfort and fullness of life -2021-09-20 08:33:33.781 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.147059 -2021-09-20 08:33:33.788 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: some of the touches indeed when the tint has been mixed with much water have been laid in little drops or ponds so that the pigment might crystallize hard at the edge -Output Transcription: some of the touches indeed when the tint has been mixed with much water have been laid in little drops her ponds so that the pigman might crystallize hard at the edge -2021-09-20 08:33:33.796 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.062500 -2021-09-20 08:33:33.796 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: for the first day sir i think that what you have done gives great hopes of you and without any doubt you will make rapid progress -Output Transcription: for the first day sir i think that what you have done gives great hopes of you and without any doubt you will make rapid progress -2021-09-20 08:33:33.797 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:33:33.797 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: at one end stood a great fireplace in which a blue log was blazing with a blue flame and over the fire hung four kettles in a row all bubbling and steaming at a great rate -Output Transcription: at one end stood a great fireplace in which a blue log was blazing with a blue flame and over the fire hung four kettles in a row all bubbling and steaming at a great rate -2021-09-20 08:33:33.797 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:33:33.805 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the tree only came to himself when he was unloaded in a court yard with the other trees and heard a man say that one is splendid we don't want the others -Output Transcription: the tree only came to himself when he was unloaded in a courtyard with the other trees and heard a man say that one is splendid we don't want the others -2021-09-20 08:33:33.813 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.062500 -2021-09-20 08:33:33.813 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: as i spoke i made him a gracious bow and i think i showed him by my mode of address that i did not bear any grudge as to my individual self -Output Transcription: as i spoke i made him a gracious bow and i think i showed him by my mode of address that i did not bear any grudge as to my individual self -2021-09-20 08:33:33.813 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:33:33.816 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: you will find me continually speaking of four men titian holbein turner and tintoret in almost the same terms -Output Transcription: you will find me continually speaking of four men titian holbein turner and tinkered in almost the same terms -2021-09-20 08:33:33.819 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.052632 -2021-09-20 08:33:33.826 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: he has no traditions to bind him or guide him and his impulse is to break away from the occupation his father has followed and make a new way for himself -Output Transcription: he has no traditions to bind him or guide him and his impulse is to break away from the occupation his father has followed and making way for himself -2021-09-20 08:33:33.833 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.096774 -2021-09-20 08:33:33.834 | INFO | deepspeech2x.model:test:372 - Error rate [wer] (2080/?) = 0.072462 -2021-09-20 08:33:37.678 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: when a private in the eighth cavalry he had been on the point of quitting the army at twenty eight years of age but unexpectedly he had been appointed orderly to captain servadac -Output Transcription: when a private in the eighth cavalry he had been on the point of quitting the army at twenty eight years of age but unexpectedly he had been appointed orderly to captain servia -2021-09-20 08:33:37.687 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.030303 -2021-09-20 08:33:37.695 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: not that i know of not one more that i know of he replied with astonishment at what she had insinuated and yet with a perfect assurance that she was in the wrong -Output Transcription: not that i know of not one more that i know of he replied with astonishment at what she had insinuated and yet with perfect assurance that she was in the wrong -2021-09-20 08:33:37.703 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.030303 -2021-09-20 08:33:37.710 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: delivered in a strong tone of assent announced the gratification the savage would receive in witnessing such an exhibition of weakness in an enemy so long hated and so much feared -Output Transcription: delivered in a strong tone of ascent announced the gratification the savage would receive and witnessing such an exhibition of weakness in an enemy so long hated and so much feared -2021-09-20 08:33:37.717 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.064516 -2021-09-20 08:33:37.718 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: she was young untried nervous it was a vision of serious duties and little company of really great loneliness -Output Transcription: she was young untried nervous it was a vision of serious duties and little company of really great loneliness -2021-09-20 08:33:37.718 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:33:37.718 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: mindful however of her own errors and misfortunes she early sought to impose a tender but strict control over the infant immortality that was committed to her charge -Output Transcription: mindful however of her own errors and misfortunes she early sought to impose a tender but strict control over the infant immortality that was committed to her charge -2021-09-20 08:33:37.719 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:33:37.723 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the night was clear starlit and splendid the tempest had passed away and the sweet influences of the evening had restored life peace and security everywhere -Output Transcription: the night was clear starlet and splendid the tempest had passed away and the sweet influences of the evening had restored life peace and security everywhere -2021-09-20 08:33:37.728 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.038462 -2021-09-20 08:33:37.733 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: but in their selection of a constitution the britannulists have unfortunately allowed themselves but one deliberative assembly and hence have sprung their present difficulties -Output Transcription: but in their selection of a constitution the penulis have unfortunately allowed themselves but one deliberate assembly and hence has sprung their present difficulties -2021-09-20 08:33:37.737 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.125000 -2021-09-20 08:33:37.746 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: that summer the rains had been so many and opportune that it was almost more than shabata and his man could do to keep up with the corn the orchard was a neglected wilderness -Output Transcription: that summer the reins had been so many and opportune that it was almost more than shebaa and his man could do to keep up with the corn the orchard was a neglected wilderness -2021-09-20 08:33:37.755 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.058824 -2021-09-20 08:33:37.760 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: it could not be used for electroplating or deposition nor could it charge storage batteries all of which are easily within the ability of the direct current -Output Transcription: it could not be used for electro plating or deposition nor could i charge to ridge batteries all of which are easily within the ability of the directcurrent -2021-09-20 08:33:37.766 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.259259 -2021-09-20 08:33:37.769 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: love is a babe then might i not say so to give full growth to that which still doth grow -Output Transcription: love is a babe then might i not say so to give full grove to that which still doth grow -2021-09-20 08:33:37.772 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.050000 -2021-09-20 08:33:37.782 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the only duplicate which existed so far as i knew was that which belonged to my servant bannister a man who has looked after my room for ten years and whose honesty is absolutely above suspicion -Output Transcription: the only duplicate which existed so far as i knew it was that which belonged to my servant banister a man who has looked after my room for ten years and whose honesty is absolutely above suspicion -2021-09-20 08:33:37.792 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.055556 -2021-09-20 08:33:37.792 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i believe it sir and that is what i fear therefore the principal object of my visit here is to devote myself entirely to the study of the french language -Output Transcription: i believe it sir and that is what i fear therefore the principal object of my visit here is to devote myself entirely to the study of the french language -2021-09-20 08:33:37.792 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:33:37.798 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: we shut our eyes the flowers bloom on we murmur but the corn ears fill we choose the shadow but the sun that casts it shines behind us still -Output Transcription: we shut our eyes the flowers bloemen we murmur but the corners fill we choose the shadow but the sun that cast it shines behind us still -2021-09-20 08:33:37.804 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.172414 -2021-09-20 08:33:37.804 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: missus grey had met southerners before but not intimately and she always had in mind vividly their cruelty to poor negroes a subject she made a point of introducing forthwith -Output Transcription: missus grey had met southerners before but not intimately and she always had in mind vividly their cruelty to poor negroes a subject she made a point of introducing forthwith -2021-09-20 08:33:37.805 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:33:37.809 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: oh to shoot my soul's full meaning into future years that they should lend it utterance and salute love that endures from life that disappears -Output Transcription: o to shoot my souls full meaning into future years that they should lend it utterance and salute love that endures from life that disappears -2021-09-20 08:33:37.814 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.080000 -2021-09-20 08:33:37.814 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: let me say here distinctly to have done with it that this narrative from an exact transcript of my own made much later is what i shall presently give -Output Transcription: let me say here distinctly to have done with it that this narrative from an exact transcript of my own made much later is what i shall presently give -2021-09-20 08:33:37.814 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:33:37.825 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: if i go to meeting at all i like best to sit in the quiet old house in germantown where the windows are all open and i can see the trees and hear the stir of the leaves -Output Transcription: if i go to meeting at all i like best to sit in the quiet old house in germantown where the windows are all open and i can see the trees and hear the stir of leaves -2021-09-20 08:33:37.835 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.026316 -2021-09-20 08:33:37.842 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: in a few moments he heard the cherries dropping smartly into the pail and he began to swing his scythe with that long even stroke that few american boys ever learn -Output Transcription: in a few moments he heard the cherries dropping smartly into the pale and he began to swing his sight with that long even strokes that few american boys ever learn -2021-09-20 08:33:37.849 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.096774 -2021-09-20 08:33:37.850 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: sire he said your majesty's most devoted servant approaches to perform a service on this occasion with similar zeal that he has already shown on the field of battle -Output Transcription: sire he said your majesty's most devoted servant approaches to perform a service on this occasion with similar zeal that he has already shown on the field of battle -2021-09-20 08:33:37.850 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:33:37.850 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: he was a splendid figure of a boy tall and straight as a young pine tree with a handsome head and stormy gray eyes deeply set under a serious brow -Output Transcription: he was a splendid figure of a boy tall and straight as a young pine tree with a handsome head and stormy gray eyes deeply set under a serious brow -2021-09-20 08:33:37.850 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:33:37.857 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the street conductors were of the overhead pole line construction and were installed by the construction company that had been organized by edison to build and equip central stations -Output Transcription: the street conductors were of the overhead pull line construction and ward installed by the construction company that had been organized by edison to build an equipped central stations -2021-09-20 08:33:37.863 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.137931 -2021-09-20 08:33:37.868 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the late astounding events however had rendered procope manifestly uneasy and not the less so from his consciousness that the count secretly partook of his own anxiety -Output Transcription: the light astounding events however had rendered procomp manifestly uneasy and not the less so from his consciousness that the count secretly partook of his own anxiety -2021-09-20 08:33:37.874 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.074074 -2021-09-20 08:33:37.874 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the people contested these measures one by one in the courts presenting in case after case the different phases of the subject and urging the unconstitutionality of the measure -Output Transcription: the people contested these measures one by one in the courts presenting in case after case the different phases of the subject and urging the unconstitutionality of the measure -2021-09-20 08:33:37.874 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:33:37.879 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the incident was not violent nor even dramatic no posse was summoned no further effort made and reeder fearing personal violence soon fled in disguise -Output Transcription: the incident was not violent nor even dramatic no posse was summoned no further effort made and reader fearing personal violence soon fled in disguise -2021-09-20 08:33:37.884 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.040000 -2021-09-20 08:33:37.891 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: she meanwhile passed her life with her parents in the strictest retirement never letting herself be seen but shunning every eye lest it should read her misfortune in her face -Output Transcription: she meanwhile past her life with her parents in the strictest to retirement never letting herself be seen but shunning every eye lest it should read her misfortune in her face -2021-09-20 08:33:37.898 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.066667 -2021-09-20 08:33:37.904 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: it is only a pencil outline by edward burne jones in illustration of the story of psyche it is the introduction of psyche after all her troubles into heaven -Output Transcription: it is only a pencil outline by edward burnejones in illustration of the story of psyche it is the introduction of psyche after all her troubles into heaven -2021-09-20 08:33:37.911 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.068966 -2021-09-20 08:33:37.921 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: this person was rodolfo who though he had gone to look for his friends had changed his mind in that respect not thinking it advisable to acquaint them with what had passed between him and the girl -Output Transcription: this person was rudolf ul although he had gone to look for his friends had changed his mind in that respect not thinking it advisable to acquaint them with what had passed between him and the girl -2021-09-20 08:33:37.931 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.081081 -2021-09-20 08:33:37.932 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: half an hour later turning a deaf ear to all remonstrance he gave the proprietors until five o'clock to remove their families and personal property from the free state hotel -Output Transcription: half an hour later turning a deaf ear to all remonstrance he gave the proprietors until five o'clock to remove their families and personal property from the free state hotel -2021-09-20 08:33:37.932 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:33:37.933 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the custom of festive gatherings probably originated in motives of conviviality and religion these motives are also present in the later development but they do not continue to be the sole motives -Output Transcription: the custom of festive gatherings probably originated in motives of conviviality and religion these motives are also present in the later development but they do not continue to be the sole motives -2021-09-20 08:33:37.934 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:33:37.940 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: in a few days an officer came with a requisition from governor shannon and took the prisoner by land to westport and afterwards from there to kansas city and leavenworth -Output Transcription: in a few days an officer came with a requisition from governor shannon and took the prisoner by land of westport and afterwards from there to kansas city and leavenworth -2021-09-20 08:33:37.947 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.033333 -2021-09-20 08:33:37.956 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: if however they take your scalp as i trust and believe they will not depend on it uncas and i will not forget the deed but revenge it as becomes true warriors and trusty friends -Output Transcription: if however they take your scalp as i trust and believe they will not depend on it uncas and i will not forget the deed but revenge is becomes true warriors and trusty friends -2021-09-20 08:33:37.965 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.057143 -2021-09-20 08:33:37.975 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i think he was perhaps more appreciative than i was of the discipline of the edison construction department and thought it would be well for us to wait until the morning of the fourth before we started up -Output Transcription: i think he was perhaps more appreciative that i was of the discipline of the edison construction department and thought it would be well for us to wait until the morning of the fourth before we started up -2021-09-20 08:33:37.986 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.026316 -2021-09-20 08:33:37.988 | INFO | deepspeech2x.model:test:372 - Error rate [wer] (2112/?) = 0.071820 -2021-09-20 08:33:44.170 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: she taught her daughter then by her own affection for it that love for a country where they had both been hospitably received and where a brilliant future opened before them -Output Transcription: she taught her daughter then by her own affection for it that love for a country where they had both been hospitably received and where a brilliant future open for them -2021-09-20 08:33:44.178 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.064516 -2021-09-20 08:33:44.187 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: at the head of the pinkies were ghip ghisizzle and button bright who had the parrot on his shoulder and they were supported by captain coralie and captain tintint and rosalie the witch -Output Transcription: at the head of the pinkies were got casio and but and brit who had a parrot on his shoulder and they were supported by captain coralie and captain ten tent and rosalie the witch -2021-09-20 08:33:44.195 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.242424 -2021-09-20 08:33:44.202 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: so there came a step and a little rustling of feminine draperies the small door opened and rachel entered with her hand extended and a pale smile of welcome -Output Transcription: so there came a step and the little rustling of feminine draperies the small door opened and rachel entered with her hand extended and a pale smile of welcome -2021-09-20 08:33:44.208 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.034483 -2021-09-20 08:33:44.213 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: to such persons these indirect modes of training children in habits of subordination to their will or rather of yielding to their influence are specially useful -Output Transcription: to such persons these indirect mode of training children inhabit of subordination to their will or rather of yielding to their influence are especially useful -2021-09-20 08:33:44.218 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.153846 -2021-09-20 08:33:44.224 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: a gramophone by the help of suitable records might relate to us the incidents of its past and people are not so different from gramophones as they like to believe -Output Transcription: a gramaphone by the help of suitable records might relate to us the incidents of its past and people are not so different from grantees as they like to believe -2021-09-20 08:33:44.231 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.066667 -2021-09-20 08:33:44.236 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: his specifications for an open sea submarine and a self contained diving suit were decades before their time yet modern technology bears them out triumphantly -Output Transcription: his specifications for an open sea submarine at a self containing diving suit or decades before their time yet modern technology where is the mount triumphantly -2021-09-20 08:33:44.241 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.280000 -2021-09-20 08:33:44.245 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: edison was intolerant of sham and shoddy and nothing would satisfy him that could not stand cross examination by microscope test tube and galvanometer -Output Transcription: edison was intolerant of sham and shoddy and nothing would satisfy him that could not stand cross examination by microscope test tubes and galvanometer -2021-09-20 08:33:44.250 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.041667 -2021-09-20 08:33:44.250 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: little pearl who was as greatly pleased with the gleaming armour as she had been with the glittering frontispiece of the house spent some time looking into the polished mirror of the breastplate -Output Transcription: little pearl who was as greatly pleased with the gleaming armour as she had been with the glittering frontispiece of the house spent some time looking into the polished mirror of the breastplate -2021-09-20 08:33:44.250 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:33:44.258 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: to celebrate the arrival of her son silvia gave a splendid supper to which she had invited all her relatives and it was a good opportunity for me to make their acquaintance -Output Transcription: to celebrate the arrival of her son sylvia gave a splendid supper to which he had invited all her relatives and it was a good opportunity for me to make their acquaintance -2021-09-20 08:33:44.266 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.062500 -2021-09-20 08:33:44.266 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: how comes it that while the first beatitude promises the kingdom of heaven to the poor of heart the second beatitude promises also to the meek that they shall possess the land -Output Transcription: how comes it that while the first beatitude promises the kingdom of heaven to the poor of heart the second beatitude promises also to the meek that they shall possess the land -2021-09-20 08:33:44.267 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:33:44.272 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the wind never lulls but to acquire increased strength the vast bank of heavy clouds is a huge reservoir of fearful windy gusts and rushing storms -Output Transcription: the wind never lols but to acquire increased strength the vast bank of heavy clouds is a huge reservoir a fearful windy gusts and rushing storms -2021-09-20 08:33:44.277 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.076923 -2021-09-20 08:33:44.277 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: but poor rachel lake had more than that stoical hypocrisy which enables the tortured spirits of her sex to lift a pale face through the flames and smile -Output Transcription: but poor rachel lake had more than that stoical hypocrisy which enables the tortured spirits of her sex to lift a pale face through the flames and smile -2021-09-20 08:33:44.277 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:33:44.283 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the seasons allies of spring followed him closely to form a quadrille which after many words of more or less flattering import was the commencement of the dance -Output Transcription: the seasons allies spring followed him closely to form a quadrille which after many words of more or less flattering import was the commencement of the ans -2021-09-20 08:33:44.289 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.071429 -2021-09-20 08:33:44.293 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: now here is raphael exactly between the two trees still drawn leaf by leaf wholly formal but beautiful mist coming gradually into the distance -Output Transcription: now here is raphael exactly between the two trees still drawn leaf by leaf holly formal but beautiful mist coming gradually into the distance -2021-09-20 08:33:44.298 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.041667 -2021-09-20 08:33:44.312 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i wish you good night she laid her bony hands on the back of mister meadowcroft's invalid chair cut him short in his farewell salutation to me and wheeled him out to his bed as if she were wheeling him out to his grave -Output Transcription: i wish you good night she laid her bony hands on the back of mister me across invalid chair cut him short his farewell salutation to me and wheeled him out to his bed as if she were wheeling him out to his grave -2021-09-20 08:33:44.327 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.068182 -2021-09-20 08:33:44.337 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: many of these affiliated gentlemen of leisure are at the same time lesser men of substance in their own right so that some of them are scarcely at all others only partially to be rated as vicarious consumers -Output Transcription: many of these affiliate a gentleman of leisure at the same time lessen of substance in their own right so that some of them are scarcely at all others only partially to be rated as vicarious consumers -2021-09-20 08:33:44.348 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.157895 -2021-09-20 08:33:44.357 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: let us run then said all three and gracefully lifting up the long skirts of their silk dresses they lightly ran across the open space between the lake and the thickest covert of the park -Output Transcription: let us run then said all three and gracefully lifting up the long skirts of their silk dresses they lightly ran across the open space between the lake and the thickest covered at the park -2021-09-20 08:33:44.366 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.057143 -2021-09-20 08:33:44.367 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: they constitute two different orders of facts which correspond to each other which are always interlaced and which often bring forth results -Output Transcription: they constitute two different orders of facts which correspond to each other which are always interlaced and which often bring forth results -2021-09-20 08:33:44.367 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:33:44.380 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: keep silent as long as may be and it would be wise when you do speak to break out suddenly in one of your shoutings which will serve to remind the indians that you are not altogether as responsible as men should be -Output Transcription: keep silent as long as may be and it would be wise when you do speak to break out suddenly in one of your shouting which will serve to remind the indians that you are not altogether as responsible as men should be -2021-09-20 08:33:44.394 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.023256 -2021-09-20 08:33:44.401 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: then the republic of britannula was to be declared as non existent and the british flag was to be exalted and a british governor installed in the executive chambers -Output Transcription: then the republic of benin was to be declared as non existent and the reddish flag was to be exalted and a british governor and stalled in the executive chambers -2021-09-20 08:33:44.407 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.137931 -2021-09-20 08:33:44.413 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: when it is a question of probing a wound a gulf a society since when has it been considered wrong to go too far to go to the bottom -Output Transcription: when it is a question of proving a wound a golf a society since one has it been considered wrong to go too far to go to the bottom -2021-09-20 08:33:44.420 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.103448 -2021-09-20 08:33:44.425 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i sit beneath thy looks as children do in the noon sun with souls that tremble through their happy eyelids from an unaverred yet prodigal inward joy -Output Transcription: i sit beneath thy looks as children do in the noon sun with souls that tremble through their happy eyelids from an unaired yet prodigal inward joy -2021-09-20 08:33:44.431 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.037037 -2021-09-20 08:33:44.434 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: it engenders a whole world la pegre for which read theft and a hell la pegrenne for which read hunger -Output Transcription: it engenders a whole world la peg for which red theft and they held law piggin for which red hunger -2021-09-20 08:33:44.437 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.350000 -2021-09-20 08:33:44.437 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: he made a bow so deep that his back came near breaking and he was dumbfounded i can tell you when he saw it was nobody but anders -Output Transcription: he made a bow so deep that his back came near breaking and he was dumbfounded i can tell you when he saw it was nobody but anders -2021-09-20 08:33:44.438 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:33:44.443 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the mother in managing the case in this way relies partly on convincing the reason of the child and partly on an appeal to her affection -Output Transcription: the mother and managing the case in this way realized partly unconvincing the reason of the child and partly on an appeal to her affection -2021-09-20 08:33:44.447 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.153846 -2021-09-20 08:33:44.448 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: little by little however the latter became hemmed and bound in the meshes of the various devices and proceedings which the territorial officials evolved from the bogus laws -Output Transcription: little by little however the latter became hemmed and bound in the meshes of the various devices and proceedings which the territorial officials evolved from the bogus laws -2021-09-20 08:33:44.448 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:33:44.455 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the piled up vapours condense into water and the air put into violent action to supply the vacuum left by the condensation of the mists rouses itself into a whirlwind -Output Transcription: piled up vapours content in the water and the air put into violent action to supply the vacuum left by the condensation of the mist rouses itself into a whirlwind -2021-09-20 08:33:44.461 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.166667 -2021-09-20 08:33:44.471 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: sometimes he would wander on foot upon the sandy shore and sometimes he would enjoy a ride along the summit of the cliff altogether being in no hurry at all to bring his task to an end -Output Transcription: sometimes who would wander on foot upon the sandy shore and sometimes he would enjoy a ride along the summit of the cliff altogether being in no hurry at all to bring his task to an end -2021-09-20 08:33:44.481 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.027027 -2021-09-20 08:33:44.486 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: from the norwegian graveyard one looks out over a vast checker board marked off in squares of wheat and corn light and dark dark and light -Output Transcription: from the norwegian graveyard one looks out over a vast checkerboard marked off in squares of wheat and corn light and dark dark and light -2021-09-20 08:33:44.491 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.076923 -2021-09-20 08:33:44.499 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: well that may be true agreed margolotte but on the contrary a servant with too much brains is sure to become independent and high and mighty and feel above her work -Output Transcription: well that may be true agreed margo love but on the contrary a servant with too much brains is sure to become independent in high and mighty and feel above her work -2021-09-20 08:33:44.506 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.096774 -2021-09-20 08:33:44.513 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: don't know well of all things inwardly commented miss taylor literally born in cotton and oh well as much as to ask what's the use she turned again to go -Output Transcription: don't know well of all things inwardly commented miss taylor letter rayborn and gorton and oh well as much as to ask what's the use she turned again to go -2021-09-20 08:33:44.520 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.133333 -2021-09-20 08:33:44.521 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: they were now illuminated by the morning radiance of a young child's disposition but later in the day of earthly existence might be prolific of the storm and whirlwind -Output Transcription: they were now illuminated by the morning radiance of a young child's disposition but later in the day of earthly existence might be prolific of the storm and whirlwind -2021-09-20 08:33:44.521 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:33:44.522 | INFO | deepspeech2x.model:test:372 - Error rate [wer] (2144/?) = 0.072117 -2021-09-20 08:33:48.172 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: under the simple test of effectiveness for advertising we should expect to find leisure and the conspicuous consumption of goods dividing the field of pecuniary emulation pretty evenly between them at the outset -Output Transcription: under the simple test of effectiveness for advertising we should expect to find leisure and the conspicuous consumption of goods dividing the field of pecuniary emulation pretty evenly between them at the outset -2021-09-20 08:33:48.173 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:33:48.182 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: olive had painted the motto on a long narrow panel of canvas and giving it to mister popham stood by the fireside while he deftly fitted it into the place prepared for it -Output Transcription: all have had painted the motto on a long narrow panel of canvas and giving it to mister papa stood by the fireside while he deftly fitted it into the place prepared for it -2021-09-20 08:33:48.190 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.090909 -2021-09-20 08:33:48.196 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: soon thousands of converts had rented or purchased homes in missouri independence jackson county being their center but from the first they were unpopular among the missourians -Output Transcription: soon thousands of coders had rented or purchased homes in missouri independence jackson county being their center but from the first they were unpopular among the missourians -2021-09-20 08:33:48.201 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.037037 -2021-09-20 08:33:48.210 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: margolotte had first made the girl's form from the patchwork quilt and then she had dressed it with a patchwork skirt and an apron with pockets in it using the same gay material throughout -Output Transcription: large lot had first made the girls form from the patchwork quilt and then she had dressed it with the patchwork skirt and an apron with pockets in it using the same gay material throughout -2021-09-20 08:33:48.219 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.117647 -2021-09-20 08:33:48.227 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: o very well said gringo turning away with a shade of contempt you'll find if you are going into literature and newspaper work that you can't afford a conscience like that -Output Transcription: oh very well said gringo turning away with a shade of contempt you'll find if you are going into literature and news people work that you can't afford a conscience like that -2021-09-20 08:33:48.234 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.096774 -2021-09-20 08:33:48.245 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: know then son of my heart that this fainting lady is your real bride i say real because she is the one whom your father and i have chosen for you and the portrait was a pretence -Output Transcription: know then son of my heart that this fainting lady is your real bride i say real because she is the one whom your father and i have chosen for you and a portrait was a pretence -2021-09-20 08:33:48.255 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.027027 -2021-09-20 08:33:48.261 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: listen then socrates to a tale of solon's who being the friend of dropidas my great grandfather told it to my grandfather critias and he told me -Output Transcription: listen then socrates to a tale of soles who being the friend of dropins my great grandfather told it to my grandfather piteous and he told me -2021-09-20 08:33:48.266 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.111111 -2021-09-20 08:33:48.267 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: a narrow channel formed a passage through the ridge of rocks that protected it from the open sea and which even in the roughest weather would ensure the calmness of its waters -Output Transcription: a narrow channel formed a passage through the ridge of rocks that protected it from the open sea and which even in the roughest weather would ensure the calmness of its waters -2021-09-20 08:33:48.267 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:33:48.267 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: to suppose that the object of this work is to aid in effecting such a substitution as that is entirely to mistake its nature and design -Output Transcription: to suppose that the object of this work is to aid in effecting such a substitution as that is entirely to mistake its nature and design -2021-09-20 08:33:48.267 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:33:48.275 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: chelford had a note from mister wylder this morning another note his coming delayed and something of his having to see some person who is abroad continued dorcas after a little pause -Output Transcription: chelford had a note from mister wylder this morning another note his coming delayed and something of his having to see some person who was abroad continued dorcas after a little pause -2021-09-20 08:33:48.283 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.031250 -2021-09-20 08:33:48.288 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: his reception speech at westport in which he maintained the legality of the legislature and his determination to enforce their laws delighted his pro slavery auditors -Output Transcription: his reception speech at westport in which he maintained the legality of the legislature and his determination to enforce their laws delighted his proslavery auditors -2021-09-20 08:33:48.293 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.076923 -2021-09-20 08:33:48.300 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: and meantime i know the greatness of jehovah i acknowledge the perfection of his word i adore the purity of the christian faith my theory is right my practice horribly wrong -Output Transcription: and meantime i know the greatness of jehovah acknowledged the perfection of his word i adore the purity of the christian faith my theory is right my practice horribly wrong -2021-09-20 08:33:48.307 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.064516 -2021-09-20 08:33:48.317 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: his mother had left her to him as being her destined protector but when she saw that he too was insensible she was near making a third and would have done so had he not come to himself -Output Transcription: his mother had left her to him as being her destin protector but when she saw that he too was insensible she was near making a third and would have done so had it not come to himself -2021-09-20 08:33:48.328 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.052632 -2021-09-20 08:33:48.328 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: well but now said the princess and she filled his pockets with cakes and put her own heavy gold chain around his neck and bent down and kissed him -Output Transcription: well but now said the princess and she filled his pockets with cakes and put her own heavy gold chain around his neck and bent down and kissed him -2021-09-20 08:33:48.329 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:33:48.337 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: in all early gothic art indeed you will find failure of this kind especially distortion and rigidity which are in many respects painfully to be compared with the splendid repose of classic art -Output Transcription: in all regata garde indeed you will find failure of this kind especially distortion and rigidity which are in many respects painfully to be compared with the splendid repose of classic art -2021-09-20 08:33:48.345 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.090909 -2021-09-20 08:33:48.345 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i can set to work now to remember things i never remembered before such as what i had to eat for breakfast this morning and it can hardly be wholly habit that enables me to do this -Output Transcription: i can set to work now to remember things i never remembered before such as what i had to eat for breakfast this morning and it can hardly be wholly habit that enables me to do this -2021-09-20 08:33:48.345 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:33:48.345 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: he set off abruptly for the bull walking rapidly lest his father's shrill whistle might call him back and in a few moments he had rounded the curve at the police barrack and was safe -Output Transcription: he set off abruptly for the bull walking rapidly lest his father's shrill whistle might call him back and in a few moments he had rounded the curve at the police barrack and was safe -2021-09-20 08:33:48.346 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:33:48.346 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the governor on his part becoming doubtful of the legality of employing missouri militia to enforce kansas laws was also eager to secure the help of federal troops -Output Transcription: the governor on his part becoming doubtful of the legality of employing missouri militia to enforce kansas laws was also eager to secure the help of federal troops -2021-09-20 08:33:48.346 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:33:48.357 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: when this had been accomplished the boolooroo leaned over to try to discover why the frame rolled away seemingly of its own accord and he was the more puzzled because it had never done such a thing before -Output Transcription: when this have been accomplished the booooo leaned over to try to discover why the frame rolled away seemingly of its own accord and he was the more puzzled because i had never done such a thing before -2021-09-20 08:33:48.368 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.078947 -2021-09-20 08:33:48.368 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: her eyes seemed to regard him with mild pity her holiness a strange light glowing faintly upon her frail flesh did not humiliate the sinner who approached her -Output Transcription: her eyes seemed to regard him with mild pity her holiness a strange light glowing faintly upon her frail flesh did not humiliate the sinner who approached her -2021-09-20 08:33:48.369 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:33:48.376 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: upon the large square in front of the hotel the shadows of the tents intersected by the golden moonbeams formed as it were a huge mosaic of jet and yellow flagstones -Output Transcription: upon the large square in front of the hotel the shadows of the tents intersected by the golden moon beams formed as it were a huge mosaic of jet and yellow flagstones -2021-09-20 08:33:48.383 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.064516 -2021-09-20 08:33:48.390 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: slightly changing her course she first struck her mainsail and in order to facilitate the movements of her helmsman soon carried nothing but her two topsails brigantine and jib -Output Transcription: slightly changing her course she first struck remain sail and in order to facilitate the movements of her helmsman soon carried nothing but her two top sails brigantine and jib -2021-09-20 08:33:48.397 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.137931 -2021-09-20 08:33:48.397 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: if the wine change into vinegar and the host crumble into corruption after they have been consecrated is jesus christ still present under their species as god and as man -Output Transcription: if the wine change into vinegar and the host crumble into corruption after they have been consecrated is jesus christ still present under their species as god and as man -2021-09-20 08:33:48.398 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:33:48.398 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the standard edison meter practice was to remove the cells once a month to the meter room of the central station company for examination another set being substituted -Output Transcription: the standard edison meter practice was to remove the cells once a month to the meter room of the central station company for examination another set being substituted -2021-09-20 08:33:48.398 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:33:48.398 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: it is by no means always reliable almost everybody has at some time experienced the well known illusion that all that is happening now happened before at some time -Output Transcription: it is by no means always reliable almost everybody has at some time experienced the well known illusion that all that is happening now happened before at some time -2021-09-20 08:33:48.399 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:33:48.405 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the europe they had come from lay out there beyond the irish sea europe of strange tongues and valleyed and woodbegirt and citadelled and of entrenched and marshalled races -Output Transcription: the europe they had come from lay out there beyond the irish sea europe of strange tongues and valley and would be girton citadel and of entrenched and marshaled races -2021-09-20 08:33:48.412 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.206897 -2021-09-20 08:33:48.422 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: kenneth and beth refrained from telling the other girls or uncle john of old will rogers's visit but they got mister watson in the library and questioned him closely about the penalty for forging a check -Output Transcription: kenneth and beth refrained from telling the other girls or uncle john of old will rogers visit but they got mister watson in the library and questioned him closely about the penalty for forging a check -2021-09-20 08:33:48.432 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.027778 -2021-09-20 08:33:48.432 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: in this incident contrasting the creative and the destructive spirit of the factions the emigrant aid society of massachusetts finds its most honorable and triumphant vindication -Output Transcription: in this incident contrasting the creative and the destructive spirit of the factions the emigrant aid society of massachusetts finds its most honorable and triumphant vindication -2021-09-20 08:33:48.433 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:33:48.437 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: but this last supposition is almost always unnecessary for if mary has been habitually managed on this principle she will not make any trouble -Output Transcription: but this last supposition is almost always are necessary for if mary has been habitually managed on this principle she will not make any trouble -2021-09-20 08:33:48.442 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.083333 -2021-09-20 08:33:48.456 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the wizard of oz who used to be a humbug and knew no magic at all has been taking lessons of glinda and i'm told he is getting to be a pretty good wizard but he is merely the assistant of the great sorceress -Output Transcription: the wizard of oz who used to be a humbug anew no magic at all has been taking lessons of glinda and i'm told he is getting to be a pretty good wizard but he is nearly the assistant of the great sorceress -2021-09-20 08:33:48.471 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.068182 -2021-09-20 08:33:48.475 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: from these again sprang barricaded and fortified dwellings camps and scouting parties finally culminating in roving guerrilla bands half partisan half predatory -Output Transcription: from these again sprang barricaded and fortified dwellings camps and scout parties finally culminating and roving gorilla bans half parties and half predatory -2021-09-20 08:33:48.479 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.272727 -2021-09-20 08:33:48.488 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: olive has another lovely gift for the yellow house said mother carey rising and to carry out the next part of the programme we shall have to go in procession upstairs to my bedroom -Output Transcription: olive has another lovely gift for the yellow house said mother carrie rising and to carry out the next part of the programme we shall have to go in procession upstairs to my bedroom -2021-09-20 08:33:48.497 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.029412 -2021-09-20 08:33:48.498 | INFO | deepspeech2x.model:test:372 - Error rate [wer] (2176/?) = 0.071547 -2021-09-20 08:33:53.831 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the ladies in compliance with that softness of heart which is their characteristic are on one side and the men by whom the world has to be managed are on the other -Output Transcription: the ladies and compliance with that softness of heart which is their characteristic or on one side and the men by whom the world has to be managed or on the other -2021-09-20 08:33:53.839 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.093750 -2021-09-20 08:33:53.840 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: there is of course a difference between knowing the temporal relation of a remembered event to the present and knowing the time order of two remembered events -Output Transcription: there is of course a difference between knowing the temporal relation of a remembered event to the present and knowing the time order of two remembered events -2021-09-20 08:33:53.840 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:33:53.849 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: still her heart had received a shock in the perception of anne's delicacy and all these holidays she watched over her with the longing fond anxiety which is so full of sudden pangs of fear -Output Transcription: still her heart had received a shock in the perception of anne's delicacy and all these holiday she watched over her with the longing fond anxiety which is so full of sudden pangs of fear -2021-09-20 08:33:53.858 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.028571 -2021-09-20 08:33:53.863 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the dialogue is primarily concerned with the animal creation including under this term the heavenly bodies and with man only as one among the animals -Output Transcription: the dialogue is primarily concerned with the animal creation including under this term the heavenly bodies and with men only as one among the animals -2021-09-20 08:33:53.868 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.040000 -2021-09-20 08:33:53.882 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: silas slunk away without a word of protest ambrose stood his ground evidently bent on making his peace with naomi before he left her seeing that i was in the way i walked aside toward a glass door at the lower end of the room -Output Transcription: silas slunk away without a word of protest am rosters ground evidently bent on making his peace when naomi before he left her seeing that i was in the way i walked aside toward a glass door the lower end of the room -2021-09-20 08:33:53.897 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.111111 -2021-09-20 08:33:53.898 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: and so the story of mormonism runs on its finale has not yet been written the current press presents continuously new stages of its progress new developments of its plan -Output Transcription: and so the story of mormonism runs on its finale has not yet been written the current press presents continuously new stages of its progress new developments of its plan -2021-09-20 08:33:53.898 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:33:53.904 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i suppose professor liedenbrock was of my opinion too and even shared my fears for after having examined the pick his eyes traversed the ocean from side to side -Output Transcription: i suppose professor eden brock was of my opinion too and even shared my fears for after having examined the pig his eyes traversed the ocean from side to side -2021-09-20 08:33:53.911 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.103448 -2021-09-20 08:33:53.912 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: to the young american here or elsewhere the paths to fortune are innumerable and all open there is invitation in the air and success in all his wide horizon -Output Transcription: to the young american here or elsewhere the paths to fortune are innumerable and all open there is invitation in the air and success in all his wide horizon -2021-09-20 08:33:53.912 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:33:53.921 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: but anne had begun to suffer just before the holidays and charlotte watched over her younger sisters with the jealous vigilance of some wild creature that changes her very nature if danger threatens her young -Output Transcription: but anne had begun to suffer just before the holidays and charlotte wash over her younger sisters with a jealous vigilance of some wild creature that changes her very nature if danger threatens her young -2021-09-20 08:33:53.931 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.057143 -2021-09-20 08:33:53.940 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: in eighteen sixty two a law was enacted with the purpose of suppressing plural marriage and as had been predicted in the national senate prior to its passage it lay for many years a dead letter -Output Transcription: in eighteen sixty two allah was enacted with a purpose of suppressing or marriage and as had been predicted in the national senate prayer to its passage it lay for many years a dead letter -2021-09-20 08:33:53.950 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.138889 -2021-09-20 08:33:53.960 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: every chance she could steal after practice hours were over and after the clamorous demands of the boys upon her time were fully satisfied was seized to fly on the wings of the wind to the flowers -Output Transcription: every chance she could steal after practice hours were over and after the clamorous a mans of the boys upon her time were fully satisfied was seized the fly on the wings of the wind to the flowers -2021-09-20 08:33:53.971 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.081081 -2021-09-20 08:33:53.979 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: lifting the iron hammer that hung at the portal hester prynne gave a summons which was answered by one of the governor's bond servant a free born englishman but now a seven years slave -Output Transcription: lifting the iron hammer that hung at the portal hester prynne gave a summons which was answered by one of the governor's bond servants a freeborn englishman but now a seven years slave -2021-09-20 08:33:53.988 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.088235 -2021-09-20 08:33:53.996 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: there was something of sweetness and fondness in her tones and manner which was new to rachel and comforting and she returned the greeting as kindly and felt more like her former self -Output Transcription: there was something of sweetness and fondness in her tone and manner which was new the rachel and comforting and she returned the greeting as kindly and felt more like her for herself -2021-09-20 08:33:54.004 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.121212 -2021-09-20 08:33:54.021 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: it takes me several years to make this magic powder but at this moment i am pleased to say it is nearly done you see i am making it for my good wife margolotte who wants to use some of it for a purpose of her own -Output Transcription: it takes me several years to make this magic powder but at this moment i am pleased to say it is nearly done you see i am making it for my good wife margo lot who wants to use some of it for a purpose of her own -2021-09-20 08:33:54.038 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.042553 -2021-09-20 08:33:54.049 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: do you know alexander mainhall looked with perplexity up into the top of the hansom and rubbed his pink cheek with his gloved finger do you know i sometimes think of taking to criticism seriously myself -Output Transcription: do you know alexander main hall looked with perplexity up into the top of a handsome and rubbed his pink cheek with his gloved finger do you know i sometimes think of taking to criticism seriously myself -2021-09-20 08:33:54.059 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.111111 -2021-09-20 08:33:54.064 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the lieutenant governor lilburn w boggs afterward governor was a pronounced mormon hater and throughout the period of the troubles he manifested sympathy with the persecutors -Output Transcription: the lieutenant governor little ben w bags afterward governor was a pronounced mormon hater and throughout the period of the troubles he manifests sympathy with the persecutors -2021-09-20 08:33:54.070 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.153846 -2021-09-20 08:33:54.076 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i awoke to consciousness fighting at first it seemed as if i was fighting with a phantom but gradually my opponent became more real to me it was kaffar -Output Transcription: i awoke to consciousness fighting at first it seemed as if i was fighting with the phantom but gradually my opponent became more real to me it was car -2021-09-20 08:33:54.083 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.068966 -2021-09-20 08:33:54.091 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: alice took up the fan and gloves and as the hall was very hot she kept fanning herself all the time she went on talking dear dear how queer everything is to day -Output Transcription: alice took up the fan and gloves and as the hall was very hot she kept fanning herself all the time she went on talking dear dear how queer everything is today -2021-09-20 08:33:54.099 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.060606 -2021-09-20 08:33:54.106 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: what a box women are put into measured for it and put in young if we go anywhere it's in a box veiled and pinioned and shut in by disabilities -Output Transcription: what a box women are put into measured for it and put in young if we go anywhere it's in a box failed and pinioned and shut in by disabilities -2021-09-20 08:33:54.113 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.033333 -2021-09-20 08:33:54.122 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: delia came to the parlor and with an air of great mystery beckoned the children aside and said to them in a whisper leave andella and rosalie here and don't say a word to them -Output Transcription: delia came to the parlour and with an air of great mystery beckoned the children aside and said to them in a whisper leave and dela and rosalie here and don't say a word to them -2021-09-20 08:33:54.131 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.085714 -2021-09-20 08:33:54.146 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: so they were quite willing to obey the orders of their girl queen and in a short time the blasts of trumpets and roll of drums and clashing of cymbals told trot and cap'n bill that the blue bands had assembled before the palace -Output Transcription: so they were quite willing to obey the orders of their girl queen and in a short time the blast of trumpets and roll of drums and clashing of cymbals told trot and cap'n bill that the blue bands had assembled before the palace -2021-09-20 08:33:54.160 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.022727 -2021-09-20 08:33:54.161 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: what you had best do my child is to keep it and pray to it that since it was a witness to your undoing it will deign to vindicate your cause by its righteous judgment -Output Transcription: what you had best do my child is to keep it and pray to it that since it was a witness to your undoing it will deign to vindicate your cause by its righteous judgment -2021-09-20 08:33:54.161 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:33:54.163 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the sugar manufacturer who says loaf clarified lumps bastard common burnt this honest manufacturer talks slang -Output Transcription: the sugar manufacturer who says loaf clarified lumps bastard common burnt this honest manufacturer talk sling -2021-09-20 08:33:54.165 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.125000 -2021-09-20 08:33:54.176 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: but already at a point in economic evolution far antedating the emergence of the lady specialised consumption of goods as an evidence of pecuniary strength had begun to work out in a more or less elaborate system -Output Transcription: but already at a point and economic evolution far and stating the emergence of the lady specialized consumption of the goods as an evidence of pecuniary strength had begun to work out in a more or less elaborate system -2021-09-20 08:33:54.187 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.135135 -2021-09-20 08:33:54.194 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: he could write in one style but not in another and the greek language had not as yet been fashioned by any poet or philosopher to describe physical phenomena -Output Transcription: he could write in one style but not in another that the greek language had not as yet been fashioned by any poet or philosopher to describe physical phenomena -2021-09-20 08:33:54.200 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.034483 -2021-09-20 08:33:54.200 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the princess certainly was beautiful and he would have dearly liked to be kissed by her but the cap which his mother had made he would not give up on any condition -Output Transcription: the princess certainly was beautiful and he would have dearly liked to be kissed by her but the cap which his mother had made he would not give up on any condition -2021-09-20 08:33:54.201 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:33:54.209 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: ruth asked the enthusiasts if they would like to live in such a sounding mausoleum with its great halls and echoing rooms and no comfortable place in it for the accommodation of any body -Output Transcription: ruth asked the enthusiasts if they would like to live in such a sounding mausoleum with its great halls and echoing rooms and no comfortable place in it for the accommodation of anybody -2021-09-20 08:33:54.218 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.058824 -2021-09-20 08:33:54.227 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the first well established seat of the church was in the pretty little town of kirtland ohio almost within sight of lake erie and here soon rose the first temple of modern times -Output Transcription: the first well established seat of the church was in the pretty little town of kirtland ohio almost within sight of lake erie in here soon rose the first temple of modern times -2021-09-20 08:33:54.235 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.030303 -2021-09-20 08:33:54.235 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: without saying it positively she made me understand that being herself an illustrious member of the republic of letters she was well aware that she was speaking to an insect -Output Transcription: without saying it positively she made me understand that being herself an illustrious member of the republic of letters she was well aware that she was speaking to an insect -2021-09-20 08:33:54.236 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:33:54.246 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: unfortunately the fracture could not be set till six o'clock the next morning as no surgeon was to be had before that time and she now lies at our house in a very doubtful and dangerous state -Output Transcription: unfortunately the fracture can not be set till six o'clock the next morning as no surgeon was to be had before that time and she now lies at our house in a very doubtful and dangerous state -2021-09-20 08:33:54.257 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.027027 -2021-09-20 08:33:54.266 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i have great things to tell you senor said dona estafania to her husband the cream and substance of which is this the fainting girl before you is your daughter and that boy is your grandson -Output Transcription: i have great things to tell you senor said donna stefania to her husband the cream and substance of which is this the fainting girl before you is your daughter and the boy is your grandson -2021-09-20 08:33:54.276 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.083333 -2021-09-20 08:33:54.284 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: for at the peril of her own existence and when the other hellenes had deserted her she repelled the invader and of her own accord gave liberty to all the nations within the pillars -Output Transcription: for at the peril of her own existence and when the other hellenes had deserted her she repelled in vader and after own accord gave liberty to all the nations within the pillars -2021-09-20 08:33:54.293 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.117647 -2021-09-20 08:33:54.294 | INFO | deepspeech2x.model:test:372 - Error rate [wer] (2208/?) = 0.071318 -2021-09-20 08:33:57.997 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i don't always succeed for sometimes when i'm teaching or sewing i would rather be reading or writing but i try to deny myself and my father's approbation amply rewarded me for the privation -Output Transcription: i don't always succeed for sometimes when i'm teaching or sewing i would rather be reading a writing but i tried to deny myself and my father's approbation amply rewarded me for the privation -2021-09-20 08:33:58.007 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.058824 -2021-09-20 08:33:58.008 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the ingenious hawkeye who recalled the hasty manner in which the other had abandoned his post at the bedside of the sick woman was not without his suspicions concerning the subject of so much solemn deliberation -Output Transcription: the ingenious hawkeye who recalled the hasty manner in which the other had abandoned his post at the bedside of the sick woman was not without his suspicions concerning the subject of so much solemn deliberation -2021-09-20 08:33:58.009 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:33:58.025 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: one night when he and winifred were sitting together on the bridge he told her that things had happened while he was studying abroad that he was sorry for one thing in particular and he asked her whether she thought she ought to know about them -Output Transcription: one night when he and winfrey was sitting together on the bridge he told her the things had happened will he was studying abroad that he was sorry for one thing in particular and he asked her whether she thought she ought to know about them -2021-09-20 08:33:58.041 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.086957 -2021-09-20 08:33:58.048 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: his legs the best shaped at court were displayed to great advantage in flesh colored silken hose of silk so fine and so transparent that it seemed almost like flesh itself -Output Transcription: his legs the best shaped at court were displayed to great advantage and flesh colored silken hose a silk so fine and so transparent that it seemed almost like flesh itself -2021-09-20 08:33:58.056 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.064516 -2021-09-20 08:33:58.062 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i am a woman and there are few like me whoever loves me flatters me whoever flatters me pleases me and whoever pleases well said montalais you do not finish -Output Transcription: i am a woman and there are few like me whoever loves me flatters me whoever flatters me pleases me and whoever pleases well said montis you do not finish -2021-09-20 08:33:58.069 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.033333 -2021-09-20 08:33:58.079 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: there certainly was no end to it and even ruth was philadelphian enough to believe that a street ought not to have any end or architectural point upon which the weary eye could rest -Output Transcription: there are certainly was no end to it and even ruth was philadelphia and enough to believe that a street ought not to have any end or architectural point upon which the weary eye could rest -2021-09-20 08:33:58.088 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.088235 -2021-09-20 08:33:58.098 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: god bless you friend i do believe your scent is not greatly wrong when the matter is duly considered and keeping eternity before the eyes though much depends on the natural gifts and the force of temptation -Output Transcription: god bless you friend i do believe you sent is not greatly wrong when the matter is duly considered and keeping eternity before the eyes though much depends on the natural gifts in the force of temptation -2021-09-20 08:33:58.108 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.081081 -2021-09-20 08:33:58.114 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: smuggling the house cleaning paraphernalia into the cellar window unobserved that afternoon proved no easy task for cynthia had added a whisk broom and dust pan to the outfit -Output Transcription: smuggling house claming paraphernalia into the cellar window unobserved that afternoon proved no easy task for cynthia had added a whisk room and dust pan to the outfit -2021-09-20 08:33:58.121 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.103448 -2021-09-20 08:33:58.128 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the whole proceeding was so childish the miserable plot so transparent the outrage so gross as to bring disgust to the better class of border ruffians who were witnesses and accessories -Output Transcription: the whole proceeding was so childish the miserable plot so transparent the outrage so gross as to bring discuss to the better class of border ruffians who were witnesses and accessories -2021-09-20 08:33:58.135 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.032258 -2021-09-20 08:33:58.136 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: how strange it seemed to the sad woman as she watched the growth and the beauty that became every day more brilliant and the intelligence that threw its quivering sunshine over the tiny features of this child -Output Transcription: how strange it seemed to the sad woman as she watched the growth and the beauty that became every day more brilliant and the intelligence that threw its quivering sunshine over the tiny features of this child -2021-09-20 08:33:58.136 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:33:58.146 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: there was watercress soup and sole and a delightful omelette stuffed with mushrooms and truffles and two small rare ducklings and artichokes and a dry yellow rhone wine of which bartley had always been very fond -Output Transcription: there was water cross soup and soul and a delightful omelet stuffed with mushrooms and truffles and two small rare ducklings and artichokes and a draw yellow road wine of which partly had always been very fond -2021-09-20 08:33:58.156 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.194444 -2021-09-20 08:33:58.171 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: missus harmon thought he sang too much and told her husband privately that if he was a canary bird she should want to keep a table cover over his head most of the time but he was immensely popular with the rest of his audience -Output Transcription: missus harmon thought he sang too much and told her husband privately that if he was a canary bird she should want to keep a table cover or saidmost of the time but he was immensely popular with a rest of his audience -2021-09-20 08:33:58.185 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.111111 -2021-09-20 08:33:58.194 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: secure as he thought in the careful administration of justice in that city and the character of its well disposed inhabitants the good hidalgo was far from thinking that any disaster could befal his family -Output Transcription: secure as he thought and careful administration of justice in that city and the character of its well disposed inhabitants the good hidalgo was far from thinking that any disaster could befall his family -2021-09-20 08:33:58.203 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.085714 -2021-09-20 08:33:58.203 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: on saturday mornings when the sodality met in the chapel to recite the little office his place was a cushioned kneeling desk at the right of the altar from which he led his wing of boys through the responses -Output Transcription: on saturday mornings when the sodality met in the chapel to recite the little office his place was a cushioned kneeling desk at the right of the altar from which he led his wing of boys through the responses -2021-09-20 08:33:58.204 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:33:58.211 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: before starting it was indispensable that the engine of the dobryna should be repaired to sail under canvas only would in contrary winds and rough seas be both tedious and difficult -Output Transcription: before starting it was indispensable that the engine of the debris should be repaired to sail under canvas only would in contrary winds and rough seas be both tedious and difficult -2021-09-20 08:33:58.218 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.032258 -2021-09-20 08:33:58.219 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: if you should not be a good girl but should show signs of making us any trouble i shall have to send you out somewhere to the back part of the house until we are gone -Output Transcription: if you should not be a good girl but should show signs of making us any trouble i shall have to send you out somewhere to the back part of the house until we are gone -2021-09-20 08:33:58.219 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:33:58.228 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: he stood a moment bewildered then turned and rushed upon the island a great sheet of dazzling sunlight swept the place and beneath lay a mighty mass of olive green thick tall wet and willowy -Output Transcription: he stood a moment bewildered then turned and rushed upon the island a great sheet of dazzling sunlight swept the place and beneath lay a mighty mass of olive green the tall wet and will away -2021-09-20 08:33:58.238 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.085714 -2021-09-20 08:33:58.248 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: this was the first occasion within a generation when such an entertainment had been given at elmhurst and the only one within the memory of man where the neighbors and country people had been invited guests -Output Transcription: this was the first occasion within a generation when such an entertainment had been given at elmhurst and the only one within the memory of man where the neighbors and country people had been the invited guests -2021-09-20 08:33:58.258 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.027778 -2021-09-20 08:33:58.271 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: they drew their swords hid their faces in the flaps of their cloaks turned back and soon came in front of the little party who had not yet done giving thanks to god for their escape from those audacious men -Output Transcription: they drew their swords hid their faces and the flaps of their cloaks turned back and soon came in front of the little party who had not yet done giving thanks to god for their escape from those audacious men -2021-09-20 08:33:58.282 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.025000 -2021-09-20 08:33:58.290 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: two years before her death i saw her perform the character of marianne in the comedy of marivaux and in spite of her age and declining health the illusion was complete -Output Transcription: two years before her death i saw her perform the character of marianne in the comedy of marvo and in spite of her age and declining health the illusion was complete -2021-09-20 08:33:58.297 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.032258 -2021-09-20 08:33:58.307 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: this was done for the event took place at a time when the consent of the parties was sufficient for the celebration of a marriage without any of the preliminary formalities which are now so properly required -Output Transcription: this was done for the event took place at a time when the consent of the parties was sufficient for the celebration of the marriage without any of the preliminary formalities which are now so properly required -2021-09-20 08:33:58.317 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.027027 -2021-09-20 08:33:58.317 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: he soon foresaw that still greater economy would be necessary for commercial success not alone for the larger territory opening but for the compact districts of large cities -Output Transcription: he soon foresaw that still greater economy would be necessary for commercial success not alone for the larger territory opening but for the compact districts of large cities -2021-09-20 08:33:58.318 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:33:58.326 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: from time to time a fleecy tuft of mist with yet some gleaming light left upon it drops down upon the dense floor of grey and loses itself in the opaque and impenetrable mass -Output Transcription: from time to time a fleecy tuft of mis will yet some gleaming light left upon it trough down upon the dance floor of gray and loses itself in the opac and impenetrable mass -2021-09-20 08:33:58.335 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.176471 -2021-09-20 08:33:58.342 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: it is indeed true that the importance of tact and skill in the training of the young and of cultivating their reason and securing their affection can not be overrated -Output Transcription: it is indeed true that the importance of tact and skill in the training of the young and of cultivating their reason and securing their affection cannot be overrated -2021-09-20 08:33:58.349 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.066667 -2021-09-20 08:33:58.349 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: with many qualifications with more qualifications as the patriarchal tradition has gradually weakened the general rule is felt to be right and binding that women should consume only for the benefit of their masters -Output Transcription: with many qualifications with more qualifications as the patriarchal tradition has gradually weakened the general rule is felt to be right and binding that women should consume only for the benefit of their masters -2021-09-20 08:33:58.349 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:33:58.360 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: his housekeeper had the management of everything she never allowed him to be in need of anything and she gave no account of his money which she kept altogether because he never asked her to render any accounts -Output Transcription: his housekeeper had the management of everything she never allowed him to be in need of anything and she gave no account of his money which he kept altogether because he never asked her to render any accounts -2021-09-20 08:33:58.370 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.026316 -2021-09-20 08:33:58.382 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: but as before the leaping waves of the rapids were too much for his pursuer and he was able to flap his way onward in a cloud of foam while doom hung low above his head yet hesitated to strike -Output Transcription: but as before the leaping waves of the rapids were too much for his pursuer and you liable to flap his way onward in a cloud of foam or doom hung low above his head yet hesitated to strike -2021-09-20 08:33:58.393 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.100000 -2021-09-20 08:33:58.401 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: my first and principal reason was that they enforced beyond all resistance on any student who might attempt to copy them this method of laying portions of distinct hue side by side -Output Transcription: my first and principal reason was that they enforced beyond all resistance on any student who might attempt to copy them this method of laying portions of distinct hues side by side -2021-09-20 08:33:58.409 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.031250 -2021-09-20 08:33:58.417 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: making their way across the river most of the refugees found shelter among the more hospitable people of clay county and afterward established themselves in caldwell county therein founding the city of far west -Output Transcription: making her way across the river most of the refugees found shelter among the more hospitable people of clay county and afterward established themselves in caldwell county there turning the city of far west -2021-09-20 08:33:58.426 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.088235 -2021-09-20 08:33:58.433 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: to fade away like morning beauty from her mortal day down by the river of adona her soft voice is heard and thus her gentle lamentation falls like morning dew -Output Transcription: to fade away like morning beauty from her mortal day down by the river of madonna her soft voices heard and thus her gentle lamentation falls like morning dew -2021-09-20 08:33:58.440 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.100000 -2021-09-20 08:33:58.452 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: when this captain should have taken himself and his vessel back to england i would retire to a small farm which i possessed at the farthest side of the island and there in seclusion would i end my days -Output Transcription: when this captain should have taken himself in his vessel back to england i would retire to a small farm which i possessed at the furthest side of the island and there in seclusion when i end my days -2021-09-20 08:33:58.463 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.076923 -2021-09-20 08:33:58.467 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: though the discipline of the former parliamentary army was not contemptible a more exact plan was introduced and rigorously executed by these new commanders -Output Transcription: and the discipline of the former parliamentary army was not contemptible a more exact plan was introduced and rigorously executed by these new commanders -2021-09-20 08:33:58.472 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.041667 -2021-09-20 08:33:58.473 | INFO | deepspeech2x.model:test:372 - Error rate [wer] (2240/?) = 0.070948 -2021-09-20 08:34:03.844 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: ojo became a bit uneasy at this for he had already put quite a lot of the cleverness powder in the dish but he dared not interfere and so he comforted himself with the thought that one cannot have too much cleverness -Output Transcription: ojo became a bit uneasy at this for he had already put quite a lot of the cleverness powder in the dish but he dared not interfere and so he comforted himself with the thought that one cannot have too much cleverness -2021-09-20 08:34:03.845 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:34:03.846 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: they give laws according to which images of past occurrences come into our minds but do not discuss our belief that these images refer to past occurrences which is what constitutes knowledge memory -Output Transcription: they give laws according to which images of past occurrences come into our minds but do not discuss our belief that these images refer to past occurrences which is what constitutes knowledge memory -2021-09-20 08:34:03.846 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:34:03.846 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: pearl accordingly ran to the bow window at the further end of the hall and looked along the vista of a garden walk carpeted with closely shaven grass and bordered with some rude and immature attempt at shrubbery -Output Transcription: pearl accordingly ran to the bow window at the further end of the hall and looked along the vista of a garden walk carpeted with closely shaven grass and bordered with some rude and immature attempt at shrubbery -2021-09-20 08:34:03.847 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:34:03.855 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the christmas holidays came and she and anne returned to the parsonage and to that happy home circle in which alone their natures expanded amongst all other people they shrivelled up more or less -Output Transcription: the christmas holidays came and she and anne returned to the parsonage and to that happy home circle in which alone their natures expanded amongst all other people they shriveled up more or less -2021-09-20 08:34:03.864 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.029412 -2021-09-20 08:34:03.864 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: though i may be but an ungracious adviser you will allow me therefore to subscribe myself with the best wishes for your happiness here and hereafter your true friend robert southey -Output Transcription: though i may be but an ungracious adviser you will allow me therefore to subscribe myself with the best wishes for your happiness here and hereafter your true friend robert southey -2021-09-20 08:34:03.865 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:34:03.872 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: what the latter day saints call celestial marriage is characteristic of the church and is in very general practise but of celestial marriage plurality of wives was an incident never an essential -Output Transcription: what the latter day saints call celestial marriage is characteristic of the church and is in very general practice but of celestial marriage plurality wise was an incident never an essential -2021-09-20 08:34:03.880 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.093750 -2021-09-20 08:34:03.886 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: after pondering awhile he said if we were farther away i should expect to find a depth of two or three hundred fathoms instead of five fathoms five fathoms -Output Transcription: after pondering a while he said if we were farther away i should expect to find a depth of two or three hundred fathoms instead of five fathoms five fathoms -2021-09-20 08:34:03.893 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.068966 -2021-09-20 08:34:03.901 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: from the graveyard gate one can count a dozen gayly painted farmhouses the gilded weather vanes on the big red barns wink at each other across the green and brown and yellow fields -Output Transcription: from the graveyard gate one can count a dozen gaily painted farmhouses the gilded weather veins on the big red barns wink at each other across the green and brown and yellow fields -2021-09-20 08:34:03.909 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.060606 -2021-09-20 08:34:03.910 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: but in truth pearl was the one as well as the other and only in consequence of that identity had hester contrived so perfectly to represent the scarlet letter in her appearance -Output Transcription: but in truth pearl was the one as well as the other and only in consequence of that identity had hester contrived so perfectly to represent the scarlet letter in her appearance -2021-09-20 08:34:03.910 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:34:03.922 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: here lay the reading of the riddle with infinite work and pain some one had dug a canal from the lagoon to the creek into which the former had drained by a long and crooked way thus allowing it to empty directly -Output Transcription: here lay the reading of the riddle with infinite work in pain someone had dug a canal from the lagoon to the creek into which the former had drained by long and crooked way thus allowing it to empty directly -2021-09-20 08:34:03.934 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.095238 -2021-09-20 08:34:03.942 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: its depth remained invariable still four or at most five fathoms and although its bottom was assiduously dredged it was only to prove it barren of marine production of any type -Output Transcription: its depth remained invariable still four or at most five fathoms and although its bottom was assiduously dredged it was only to prove it baron of marine production of any type -2021-09-20 08:34:03.949 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.032258 -2021-09-20 08:34:03.959 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: some of the penal regulations were copied from the edicts of diocletian and this method of conversion was applauded by the same bishops who had felt the hand of oppression and pleaded for the rights of humanity -Output Transcription: some of the penal regulations were copied from the edict of diocletian and this method of conversion was applauded by the same bishops who had felt the hand of oppression and pleaded for the rights of humanity -2021-09-20 08:34:03.968 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.027027 -2021-09-20 08:34:03.977 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: he reached up among the branches and began to pick the sweet insipid fruit long ivory colored berries tipped with faint pink like white coral that fall to the ground unheeded all summer through -Output Transcription: he reached up among the branches and began to pick the sweet insipid fruit long ivory colored berries tipped with mint pink like white coral that fall to the ground unheeded all summer through -2021-09-20 08:34:03.986 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.029412 -2021-09-20 08:34:03.994 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: mister neverbend began the captain and i observed that up to that moment he had generally addressed me as president it cannot be denied that we have come here on an unpleasant mission -Output Transcription: mister never bend began the captain and i observed that up to that moment he had generally address me as president they cannot be denied that we have come here on an unpleasant mission -2021-09-20 08:34:04.003 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.121212 -2021-09-20 08:34:04.018 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: when she had that bad illness and i was only eleven years old she used to say you'll have a friend on earth in your aunt rachel if i'm taken from you for she has a kind heart and i'm sure i've found it so -Output Transcription: which he had that man illness and i was only eleven years old she used to say you'll have a friend on earth in your aunt rachel if i am taken from you for she has a kind heart and i am sure i found it so -2021-09-20 08:34:04.034 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.177778 -2021-09-20 08:34:04.044 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: before this travesty on the administration of law could be brought before the court of last resort and there meet with the reversal and rebuke it deserved men were imprisoned under sentences of many years duration -Output Transcription: for this travesty on the administration of law could be brought before the court of last resort and there met with the reversal and rebuke had deserved men were imprisoned under sentence of many years duration -2021-09-20 08:34:04.054 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.111111 -2021-09-20 08:34:04.060 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: no words were spoken no language was uttered save that of wailing and hissing and that somehow was indistinct as if it existed in fancy and not in reality -Output Transcription: no words were spoken no language was uttered save ton of wailing in hissing and that somehow was indistinct as if it existed in fancy and not in reality -2021-09-20 08:34:04.066 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.068966 -2021-09-20 08:34:04.077 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: from the manner in which he expressed himself with regard to robert hollan no man in the whole range of his recollections will be longer remembered than he his enthralment while under hollan will hardly ever be forgotten -Output Transcription: from the manner in which he expressed himself with regard to robert holland no man in the whole range of his recollections will be longer remembered than he is enthralled while under holland will hardly ever be forgotten -2021-09-20 08:34:04.088 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.105263 -2021-09-20 08:34:04.096 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: control yourselves my dears replied the boolooroo the worst punishment i know how to inflict on anyone this prisoner is about to suffer you'll see a very pretty patching my royal daughters -Output Transcription: control yourselves in my dears replied the booooo the worst punishment i know how to inflict on anyone this prisoners of doctors suffer you will see a very pretty patching my royal daughters -2021-09-20 08:34:04.104 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.250000 -2021-09-20 08:34:04.115 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: in one place at the head of the room was a raised platform for the royal family with elegant throne chairs for the king and queen and six smaller but richly upholstered chairs for the snubnosed princesses -Output Transcription: in one place at the head of the room was a raised platform for the royal family with elegant throne chairs for the king and queen and six smaller but richly posted chairs for this snubnosed princesses -2021-09-20 08:34:04.125 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.054054 -2021-09-20 08:34:04.136 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: classifying was everything to him so he knew nothing else well versed in the theory of classification he was poorly versed in its practical application and i doubt that he could tell a sperm whale from a baleen whale -Output Transcription: classifying was everything to him so he do nothing else well versed is a theory of classification he was poorly first in its practical application and i doubt that he could tell a sperm whale from a palin whale -2021-09-20 08:34:04.147 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.128205 -2021-09-20 08:34:04.155 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the fact that it was churning day was another reason why it was inconvenient to have the whittaws and why consequently missus poyser should scold molly the housemaid with unusual severity -Output Transcription: the bank that it was turning day was another reason why it was inconvenient to have the widows and why consequently missus poyser should scold molly the housemaid with unusual severity -2021-09-20 08:34:04.162 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.096774 -2021-09-20 08:34:04.172 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the objection of course presents itself that expenditure on women's dress and household paraphernalia is an obvious exception to this rule but it will appear in the sequel that this exception is much more obvious than substantial -Output Transcription: the objection of course presents itself that expenditure on women's dress and household paraphernalia is an obvious exception to this rule but it will appear in the sequel that this exception is much more obvious and substantial -2021-09-20 08:34:04.182 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.027027 -2021-09-20 08:34:04.191 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: for in the times before the great flood athens was the greatest and best of cities and did the noblest deeds and had the best constitution of any under the face of heaven -Output Transcription: for in the times before the great flood athens was the greatest and best of cities and dead the noblest deeds and had the best constitution of any under the face of heaven -2021-09-20 08:34:04.199 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.030303 -2021-09-20 08:34:04.200 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the pain produced by an act of hasty and angry violence to which a father subjects his son may soon pass away but the memory of it does not pass away with the pain -Output Transcription: the pain produced by an act of hasty and angry violence to which a father subjects his son may soon pass away but the memory of it does not pass away with the pain -2021-09-20 08:34:04.200 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:34:04.212 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: throughout the entire evolution of conspicuous expenditure whether of goods or of services or human life runs the obvious implication that in order to effectually mend the consumer's good fame it must be an expenditure of superfluities -Output Transcription: throughout the entire revolution of conspicuous expenditure whether of good sir services or human life runs the obvious implication that in order to effectually mend the consumers good fame it must be an expenditure of superfruit ies -2021-09-20 08:34:04.223 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.189189 -2021-09-20 08:34:04.223 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the trunks were moved the tree was pulled out and thrown rather hard it is true down on the floor but a man drew him towards the stairs where the daylight shone -Output Transcription: the trunks were moved the tree was pulled out and thrown rather hard it is true down on the floor but a man drew him towards the stairs where the daylight shone -2021-09-20 08:34:04.224 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:34:04.233 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: all rose to do her reverence as if something from heaven had miraculously appeared before them but gazing on her entranced with admiration not one of them was able to address a single word to her -Output Transcription: all rose to do her reverence as if something from heaven had miraculously appeared before them but gazing on her entrance with admiration not one of them was able to address a single word to her -2021-09-20 08:34:04.243 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.027778 -2021-09-20 08:34:04.253 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: their eyes were from the first turned in anticipation toward the evening sun not merely that the work of proselyting should be carried on in the west but that the headquarters of the church should be there established -Output Transcription: their eyes were from the first turned in anticipation toward the evening sun not merely that the work of prostrating should be carried on in the west but that the headquarters of the church should be there established -2021-09-20 08:34:04.264 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.026316 -2021-09-20 08:34:04.270 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the king's ears were now open to montrose's counsels who proposed none but the boldest and most daring agreeably to the desperate state of the royal cause in scotland -Output Transcription: the king's ears were now open to montross counsels who proposed none but the boldest and most daring agreeably to the desperate state of the royal cause in scotland -2021-09-20 08:34:04.277 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.034483 -2021-09-20 08:34:04.287 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: there messrs johnson and hammer put into practice many of the ideas now standard in the art and secured much useful data for the work in new york of which the story has just been told -Output Transcription: bear messrs johnson and hammer put into practice many of the ideas now standard in the yard and secured much useful data for the work in new york of which the story has just been told -2021-09-20 08:34:04.296 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.055556 -2021-09-20 08:34:04.297 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: louise hoped for excellent results from this organization and wished the entertainment to be so effective in winning their good will that they would work earnestly for the cause in which they were enlisted -Output Transcription: louise hoped for excellent results from this organization and wished the entertainment to be so effective in winning their good will that they would work earnestly for the cause in which they were enlisted -2021-09-20 08:34:04.297 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:34:04.298 | INFO | deepspeech2x.model:test:372 - Error rate [wer] (2272/?) = 0.070672 -2021-09-20 08:34:08.343 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: thousands of handkerchiefs were waving above these tightly packed masses hailing the abraham lincoln until it reached the waters of the hudson river at the tip of the long peninsula that forms new york city -Output Transcription: thousands of handkerchiefs were waving above these tightly packed masses hailing the abraham lincoln until it reached the waters of the hudson river at the tip of the long peninsula that forms new york city -2021-09-20 08:34:08.344 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:34:08.345 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the count had thrown himself back on his seat leaning his shoulders against the partition of the tent and remained thus his face buried in his hands with heaving chest and restless limbs -Output Transcription: the count had thrown himself back on his seat leaning his shoulders against the partition of the tent and remained thus his face buried in his hands with heaving chest and restless limbs -2021-09-20 08:34:08.345 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:34:08.360 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: then they sped in great haste for the door and the goat gave a final butt that sent the row of royal ladies all diving into the corridor in another tangle whereupon they shrieked in a manner that terrified everyone within sound of their voices -Output Transcription: then they stood in great haste for the door and go gave a final but he sent the row of royal ladies all diving into the corridor in another tangle whereupon they shrieked in a manner that terrified every woman sound of their voices -2021-09-20 08:34:08.374 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.155556 -2021-09-20 08:34:08.388 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: let him come in then said the king and as if colbert had been listening at the door for the purpose of keeping himself au courant with the conversation he entered as soon as the king had pronounced his name to the two courtiers -Output Transcription: let him come in then said the king and as if colbert had been listening at the door for the purpose of keeping himself aaron with the conversation he entered as soon as the king had pronounced his name to the two courtiers -2021-09-20 08:34:08.402 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.045455 -2021-09-20 08:34:08.412 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: henry lord with the degree of ph d to his credit had been professor of zoology at a new england college but had resigned his post in order to write a series of scientific text books -Output Transcription: henry lord with a degree of page deed to his credit had been professor of zoology at a new england college but had resigned his post in order to write a series of scientific text books -2021-09-20 08:34:08.421 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.083333 -2021-09-20 08:34:08.436 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: then turning towards me he says that i look like a foreigner and when i say that i am an italian he begins to speak to me of the court of the city of the theatres and at last he offers to accompany me everywhere -Output Transcription: then turning toward me he says that i look like a foreigner and when i say that i am an italian he begins to speak to me of the court the city of the theatres and at last he offers to accompany me everywhere -2021-09-20 08:34:08.451 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.044444 -2021-09-20 08:34:08.460 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i don't know and can't say how you fine gentlemen define wickedness only as an obscure female i speak according to my lights and he is generally thought the wickedest man in this county -Output Transcription: i don't know one can't say how you fine gentlemen to find wickedness only as an obscure female i speak according to my lights and he is generally thought the wickedest man in this county -2021-09-20 08:34:08.469 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.088235 -2021-09-20 08:34:08.469 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: why was the sacrament of the eucharist instituted under the two species of bread and wine if jesus christ be present body and blood soul and divinity in the bread alone and in the wine alone -Output Transcription: why was the sacrament of the eucharist instituted under the two species of bread and wine if jesus christ be present body and blood soul and divinity in the bread alone and in the wine alone -2021-09-20 08:34:08.469 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:34:08.487 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: two bites are made and the bread is crumbled with an air of great eagerness indeed one feels that in real life the guest would clutch hold of the footman and say half a mo old chap i haven't nearly finished but the actor is better schooled than this -Output Transcription: two bits are made and the brent has crumbled with an air of great eagerness indeed one feels hat in real life the guest when the clutch hold of the footmen and say have a mold chap i have nearly finished but the actor is better scholten this -2021-09-20 08:34:08.504 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.265306 -2021-09-20 08:34:08.515 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: here she would stay comforted and soothed among the lovely plants and rich exotics rejoicing the heart of old turner the gardener who since polly's first rapturous entrance had taken her into his good graces for all time -Output Transcription: here she would stay comforted in soothed among the lovely plants and rich exotics rejoicing the heart of old turn of the gardener who since polly's first rapturous entrance had taken her into his good graces for all time -2021-09-20 08:34:08.527 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.078947 -2021-09-20 08:34:08.538 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: so to the surprise of the democratic committee and all his friends mister hopkins announced that he would oppose forbes's aggressive campaign with an equal aggressiveness and spend as many dollars in doing so as might be necessary -Output Transcription: so to the surprise of the democratic committee and all his friends mister hopkins an else that he would oppose ford's aggressive campaign with an equal aggressiveness and spent as many dollars in doing so as might be necessary -2021-09-20 08:34:08.549 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.105263 -2021-09-20 08:34:08.550 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: when first they entered the throne room they tried to be as haughty and scornful as ever but the blues who were assembled there all laughed at them and jeered them for there was not a single person in all the blue country who loved the princesses the least little bit -Output Transcription: when first they entered the throne room they tried to be as haughty and scornful as ever but the blues who were assembled there all laughed at them and jeered them for there was not a single person in all the blue country who loved the princesses the least little bit -2021-09-20 08:34:08.550 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:34:08.551 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: but pearl who was a dauntless child after frowning stamping her foot and shaking her little hand with a variety of threatening gestures suddenly made a rush at the knot of her enemies and put them all to flight -Output Transcription: but pearl who was a dauntless child after frowning stamping her foot and shaking her little hand with a variety of threatening gestures suddenly made a rush at the knot of her enemies and put them all to flight -2021-09-20 08:34:08.551 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:34:08.560 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: their diving stone poised on its rude supports and rocking under their plunges and the rough hewn stones of the sloping breakwater over which they scrambled in their horseplay gleamed with cold wet lustre -Output Transcription: their diving stone poised on its rude supports and rocking under their plunges and the rough hewn stones of the sloping breakwater over which they scrambled in their horse play gleamed with cold wet lustre -2021-09-20 08:34:08.569 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.058824 -2021-09-20 08:34:08.576 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the good natured audience in pity to fallen majesty showed for once greater deference to the king than to the minister and sung the psalm which the former had called for -Output Transcription: the good natured audience in pity to fallen majesty showed for once greater deference to the king than to the minister and sung the song which the former had called for -2021-09-20 08:34:08.583 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.032258 -2021-09-20 08:34:08.584 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: another and far more important reason than the delivery of a pair of embroidered gloves impelled hester at this time to seek an interview with a personage of so much power and activity in the affairs of the settlement -Output Transcription: another and far more important reason than the delivery of a pair of embroidered gloves impelled hester at this time to seek an interview with a personage of so much power and activity in the affairs of the settlement -2021-09-20 08:34:08.584 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:34:08.593 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: broad as the prairies and free in thought as the winds that sweep them he is idiosyncratically opposed to loose and wasteful methods to plans of empire that neglect the poor at the gate -Output Transcription: broad as the prairies and free and thought as the winds that swept them he is idiosyncratic ally opposed to loose and wasteful methods to plans of empire that neglect the poor at the gate -2021-09-20 08:34:08.602 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.117647 -2021-09-20 08:34:08.612 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: here it comes there it glides now it is up the ragged stump of the mast thence it lightly leaps on the provision bag descends with a light bound and just skims the powder magazine horrible -Output Transcription: here it comes there it glides now it is up the ragged stump of the mast that's it lightly leaps on the provision bag descends with a light bound and just skims the powder magazine horrible -2021-09-20 08:34:08.621 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.027778 -2021-09-20 08:34:08.632 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: a small settlement had been founded by mormon families on shoal creek and here on the thirtieth of october eighteen thirty eight a company of two hundred and forty fell upon the hapless settlers and butchered a score -Output Transcription: a small settlement had been founded by mormon families on shoal creek and here on the thirtieth of october eighteen thirty eight a company of two hundred and forty fell upon the hapless settlers and butcher to score -2021-09-20 08:34:08.643 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.052632 -2021-09-20 08:34:08.655 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: since the period of our tale the active spirit of the country has surrounded it with a belt of rich and thriving settlements though none but the hunter or the savage is ever known even now to penetrate its wild recesses -Output Transcription: since the period of our tale the active spirit of the country has surrounded it with a belt of rich and thriving settlements though none but the hunter or the savage as ever known even now to penetrate its wild recesses -2021-09-20 08:34:08.668 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.024390 -2021-09-20 08:34:08.678 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: and so life and death have dispersed the circle of violent radicals and dissenters into which twenty years ago the little quiet resolute clergyman's daughter was received and by whom she was truly loved and honoured -Output Transcription: and so life and death have dispersed the circle of violent radicals and dissenters into which twenty years ago the little quiet resolute clergyman's daughter was received and by whom she was truly loved and honored -2021-09-20 08:34:08.687 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.027778 -2021-09-20 08:34:08.701 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: in other words while he had implicit faith in the ability of balaam's ass to speak he was somewhat skeptical on the subject of a bear's singing and yet he had been assured of the latter on the testimony of his own exquisite organs -Output Transcription: in other words while he had implicit faith in the ability of balms asked to speak he was somewhat skeptical on the subject of a bar singing and yet he had been assured of the latter on the testimony of his own exquisite organs -2021-09-20 08:34:08.716 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.068182 -2021-09-20 08:34:08.725 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: unlike his master he made no pretension to any gift of poetic power but his inexhaustible memory made him a living encyclopaedia and for his stock of anecdotes and trooper's tales he was matchless -Output Transcription: i'm like his master he made no pretension to any gift of poetic power but his inexhaustible memory made him a living encyclopedia and for his stock of anecdotes and troopers tales he was matchless -2021-09-20 08:34:08.734 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.117647 -2021-09-20 08:34:08.741 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: from the same men new regiments and new companies were formed different officers appointed and the whole military force put into such hands as the independents could rely on -Output Transcription: from the same men new regiments and new companies were formed different officers appointed and the whole military force put into such hands as the independence could rely on -2021-09-20 08:34:08.747 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.034483 -2021-09-20 08:34:08.747 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: he did not think of the warm sun and of the fresh air he did not care for the little cottage children that ran about and prattled when they were in the woods looking for wild strawberries -Output Transcription: he did not think of the warm sun and of the fresh air he did not care for the little cottage children that ran about and prattled when they were in the woods looking for wild strawberries -2021-09-20 08:34:08.748 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:34:08.752 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: by a quick and unexpected march montrose hastened to innerlochy and presented himself in order of battle before the surprised but not affrightened covenanters -Output Transcription: by a quick and unexpected march montrose hastened to interlock and presented himself in order of battle before the surprised but not a frightened covenants -2021-09-20 08:34:08.757 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.166667 -2021-09-20 08:34:08.769 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: simply by stopping her carriage two or three times before the shop to have her snuff box filled and by saying aloud to the young girl who handed back the box that her snuff was the very best in paris -Output Transcription: simply by stopping her carriage two or three times before the shop to have her snuffbox filled and by saying aloud to the young girl who handed back the box that her snuff was the very best in paris -2021-09-20 08:34:08.780 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.050000 -2021-09-20 08:34:08.792 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: time rolled on the hour of her delivery arrived it took place in the utmost secrecy her mother taking upon her the office of midwife and she gave birth to a son one of the most beautiful ever seen -Output Transcription: time rolled on the hour of her delivery arrived it took place in the utmost secrecy her mother taking upon her the office of midwife as she gave birth to a son one of the most beautiful ever seen -2021-09-20 08:34:08.803 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.025641 -2021-09-20 08:34:08.813 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: meanwhile he had called upon me to make a report of the three wire system known in england as the hopkinson both doctor john hopkinson and mister edison being independent inventors at practically the same time -Output Transcription: meanwhile he had called upon me to make a report of the three wire system known in england as the hopkinson both doctor john hopkins and and mister edison being independent inventors at practically the same time -2021-09-20 08:34:08.823 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.055556 -2021-09-20 08:34:08.836 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: if a rock or a rivulet or a bit of earth harder than common severed the links of the clew they followed the true eye of the scout recovered them at a distance and seldom rendered the delay of a single moment necessary -Output Transcription: if a rock or a rivulet or bit of earth harder than common severe the links of the clue they followed the true eye of the scout recovered them at a distance and seldom rendered the delay of a single moment necessary -2021-09-20 08:34:08.849 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.069767 -2021-09-20 08:34:08.860 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: all the images of his past life floated upon his memory his thoughts sped away to his native france only to return again to wonder whether the depths of ocean would reveal any traces of the algerian metropolis -Output Transcription: all the images of his past life floated upon his memory his thoughts spare away to his native france only to return again to wonder whether the depths of ocean would reveal any traces of the algerian metropolis -2021-09-20 08:34:08.871 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.026316 -2021-09-20 08:34:08.880 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the child had a native grace which does not invariably co exist with faultless beauty its attire however simple always impressed the beholder as if it were the very garb that precisely became it best -Output Transcription: the child had a native grace which does not invariably coexist with faultless beauty its attire however simple always impressed the beholder as if it were the very garb that precisely became at best -2021-09-20 08:34:08.889 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.085714 -2021-09-20 08:34:08.890 | INFO | deepspeech2x.model:test:372 - Error rate [wer] (2304/?) = 0.070338 -2021-09-20 08:34:16.749 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: in this way the fete of the whole court was a fete also for the mysterious inhabitants of the forest for certainly the deer in the brake the pheasant on the branch the fox in its hole were all listening -Output Transcription: in this way the fate of the whole court was effete also for the mysterious inhabitants of the forest for certainly the deer and the brake the pheasant on the branch the fox in its hole were all listening -2021-09-20 08:34:16.762 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.100000 -2021-09-20 08:34:16.772 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: just at the moment when the tears of the pitying beholders flowed fastest and their ejaculations were most expressive of despair leocadia gave signs of recovery and brought back gladness to the hearts of all -Output Transcription: just at a moment when the tears of the pitying beholders flowed fastest and their ejaculations where most expressive of despair the acadia go signs of recovery and brought back glades for the hearts of a -2021-09-20 08:34:16.782 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.228571 -2021-09-20 08:34:16.793 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: at the edge of this box there lies a great wooden doll which so far as mutilation is concerned bears a strong resemblance to the finest greek sculpture and especially in the total loss of its nose -Output Transcription: at the edge of this box there lies a great wooden doll which so far as mutilation is concern bears a strong resemblance to the finest greek sculpture and especially in the total loss of its nose -2021-09-20 08:34:16.806 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.027027 -2021-09-20 08:34:16.821 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: he had for his own town residence a big house filled with the spoils of travel and the trophies of the chase but it was to his country home an old family place in essex that he wished her immediately to proceed -Output Transcription: he had for his own town residence of big house filled with the spoils of travel and the trophies of the chase but it was to his country home an old family place in essex that he wished her immediately to proceed -2021-09-20 08:34:16.835 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.023810 -2021-09-20 08:34:16.847 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the wind being adverse the dobryna did not make very rapid progress but as the weather in spite of a few clouds remained calm and the sea was quite smooth she was enabled to hold a steady course -Output Transcription: the wind being adverse the dorena did not make very rapid progress but as the weather in spite of a few clouds remained calm and the sea was quite smooth she was enabled to hold a steady course -2021-09-20 08:34:16.859 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.026316 -2021-09-20 08:34:16.872 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: they approached the door which was of an arched form and flanked on each side by a narrow tower or projection of the edifice in both of which were lattice windows the wooden shutters to close over them at need -Output Transcription: they approached the door which was of an arched form and flanked on each side by a narrow tower or projection of the edifice in both of which were latticed windows the wooden shutters to close over them at need -2021-09-20 08:34:16.885 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.025000 -2021-09-20 08:34:16.885 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: unless he could secure an engine of smoother running and more exactly governed and regulated than those available for his dynamo and lamp edison realized that he would find it almost impossible to give a steady light -Output Transcription: unless he could secure an engine of smoother running and more exactly governed and regulated than those available for his dynamo and lamp edison realized that he would find it almost impossible to give a steady light -2021-09-20 08:34:16.885 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:34:16.886 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the sentence of saint james which says that he who offends against one commandment becomes guilty of all had seemed to him first a swollen phrase until he had begun to grope in the darkness of his own state -Output Transcription: the sentence of saint james which says that he who offends against one commandment becomes guilty of all had seemed to him first a swollen phrase until he had begun to grope in the darkness of his own state -2021-09-20 08:34:16.886 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:34:16.897 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: since last thursday i ghip ghisizzle have been the lawful boolooroo of the blue country but now that you are conquered by queen trot i suppose i am conquered too and you have no boolooroo at all -Output Transcription: since last thursday i get these have been the lawful booooo of the blue country but now that you are conquered by queen shot i suppose i am conquer too and you have no bolero at all -2021-09-20 08:34:16.907 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.162162 -2021-09-20 08:34:16.916 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: she tried this morning an air or two upon the piano sang a simple song in a sweet but slightly metallic voice and then seating herself by the open window read philip's letter -Output Transcription: she tried it this morning and air or two upon the piano saying a simple song in a sweet but slightly metallic voice and then seating herself by the open window read philip's letter -2021-09-20 08:34:16.924 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.090909 -2021-09-20 08:34:16.937 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: when the boy walked through the streets blessings were showered upon him by all who saw him blessings upon his beauty upon the mother that bore him upon the father that begot him upon those who brought him up so well -Output Transcription: when the boy walked through the streets blessings were showered upon him by all who saw him blessing upon his beauty upon the mother that bore him upon the father that begot him upon those who brought him up so well -2021-09-20 08:34:16.951 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.024390 -2021-09-20 08:34:16.960 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the large letter contains indeed entirely feeble and ill drawn figures that is merely childish and failing work of an inferior hand it is not characteristic of gothic or any other school -Output Transcription: the large letter contains indeed entirely feeble and ill drawn figures that is merely childish and failing work of an unfair hand it is not characteristic of gothic or any other school -2021-09-20 08:34:16.968 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.031250 -2021-09-20 08:34:16.978 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: we believe in a literal resurrection and an actual hereafter in which future state shall be recognized every sanctified and authorized relationship existing here on earth of parent and child brother and sister husband and wife -Output Transcription: we believe in a literal resurrection and an actual hereafter in which future state shall be recognized every sanctified an authorized relationship existing here on earth of parent and child brother and sister husband and wife -2021-09-20 08:34:16.988 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.027778 -2021-09-20 08:34:16.993 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: to grow and grow to get older and be tall thought the tree that after all is the most delightful thing in the world -Output Transcription: to grow and grow to get on her and be tall thought the tree fat after all is the most delightful thing in the world -2021-09-20 08:34:16.997 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.125000 -2021-09-20 08:34:16.997 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: there too were large easy chairs silken sofas large tables full of picture books and full of toys worth hundreds and hundreds of crowns at least the children said so -Output Transcription: there too were large easy chairs silken sofas large tables full of picture books and full of toys worth hundreds and hundreds of crowns at least the children said so -2021-09-20 08:34:16.998 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:34:16.999 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: time enough had he too for his reflections for days and nights passed on and nobody came up and when at last somebody did come it was only to put some great trunks in a corner out of the way -Output Transcription: time enough had he too for his reflections for days and nights passed on and nobody came up and when at last somebody did come it was only to put some great trunks in a corner out of the way -2021-09-20 08:34:16.999 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:34:17.011 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: what world wide iniquity such a speech as that discloses said i still turning myself to the captain for though i would have crushed them both by my words had it been possible my dislike centred itself on sir ferdinando -Output Transcription: what world wide iniquity such speech as that disclose said i still turning myself to the captain for though i would have crushed them both by my words had it been possible my dislikes centre itself and sir ferdinando -2021-09-20 08:34:17.023 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.125000 -2021-09-20 08:34:17.031 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: thel is like a watry bow and like a parting cloud like a reflection in a glass like shadows in the water like dreams of infants like a smile upon an infants face -Output Transcription: fell is like a watery bow and like a parting cloud like a reflection in a glance like shadows in the water like dreams of infants like a smile upon an infant's face -2021-09-20 08:34:17.039 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.121212 -2021-09-20 08:34:17.057 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: she was gone out into the village on some errand when as she was descending the steep street her foot slipped on the ice and she fell it was dark and no one saw her mischance till after a time her groans attracted the attention of a passer by -Output Transcription: she was gone out into the village on some errand when as she was descending the steep street her foot slipped on ice and she fell he was dark and no one saw her mischance till after a time her groans attracted the attention of a passer by -2021-09-20 08:34:17.074 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.040816 -2021-09-20 08:34:17.084 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: it will be wholly impossible for you to retain the tranquillity of temper and felicity of faith necessary for noble purist painting unless you are actively engaged in promoting the felicity and peace of practical life -Output Transcription: it will be wholly impossible for you to retain the tranquillity of temper and felicity of faith necessary for noble purest painting unless you are actively engaged in promoting the felicity and piece of practical life -2021-09-20 08:34:17.094 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.055556 -2021-09-20 08:34:17.094 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: so those offices which are by right the proper employment of the leisure class are noble such as government fighting hunting the care of arms and accoutrements and the like in short those which may be classed as ostensibly predatory employments -Output Transcription: so those offices which are by right the proper employment of the leisure class are noble such as government fighting hunting the care of arms and accoutrements and the like in short those which may be classed as ostensibly predatory employments -2021-09-20 08:34:17.095 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:34:17.107 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: in his return to the camp his acute and practised intellects were intently engaged in devising means to counteract a watchfulness and suspicion on the part of his enemies that he knew were in no degree inferior to his own -Output Transcription: in his return to the camp his acute and practised intellects were intensely engaged in devising means to counteract a watchfulness and suspicion on the part of his enemies that he knew were in no degree inferior to his own -2021-09-20 08:34:17.118 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.025000 -2021-09-20 08:34:17.126 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: there is no logical impossibility in the hypothesis that the world sprang into being five minutes ago exactly as it then was with a population that remembered a wholly unreal past -Output Transcription: there is no logical impossibility in the hypothesis that the world sprang into being five minutes ago exactly as it then was with the population that remembered a wholly unreal past -2021-09-20 08:34:17.133 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.032258 -2021-09-20 08:34:17.139 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: then i long tried by natural ills received the comfort fast while budding at thy sight my pilgrim's staff gave out green leaves with morning dews impearled -Output Transcription: then i long tried by natural hills received the comfort fast while budding at thy sight my pilgrim staff gave out green lies with morning dews imperil -2021-09-20 08:34:17.144 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.148148 -2021-09-20 08:34:17.145 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: federal judges and united states attorneys in utah who were not mormons nor lovers of mormonism refused to entertain complaints or prosecute cases under the law because of its manifest injustice and inadequacy -Output Transcription: federal judges and united states attorneys in utah who were not mormons nor lovers of mormonism refused to entertain complaints or prosecute cases under the law because of its manifest injustice and inadequacy -2021-09-20 08:34:17.145 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:34:17.152 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: she promised to do this and she mentioned to me that when for a moment disburdened delighted he held her hand thanking her for the sacrifice she already felt rewarded -Output Transcription: she promised to do this and she mentioned to me that when for a moment is burdened delighted he held her hand thanking her for the sacrifice she already felt rewarded -2021-09-20 08:34:17.159 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.066667 -2021-09-20 08:34:17.173 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: many of these again and also many of the other aristocracy of less degree have in turn attached to their persons a more or less comprehensive group of vicarious consumer in the persons of their wives and children their servants retainers et cetera -Output Transcription: many of these again and also many of the other aristocracy of less degree having turn attached to their persons and more or less comprehensive group of icarus consumer in the persons of their wifes and children their servants retainers et cetera -2021-09-20 08:34:17.187 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.116279 -2021-09-20 08:34:17.195 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: proscribed by the civil and ecclesiastical powers of the empire the donatists still maintained in some provinces particularly in numidia their superior numbers and four hundred bishops acknowledged the jurisdiction of their primate -Output Transcription: prescribed by the civil and ecclesiastical powers of the empire the donatists still maintained in some provinces particularly in the media their superior numbers and four hundred bishops acknowledged the jurisdiction of their primate -2021-09-20 08:34:17.204 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.090909 -2021-09-20 08:34:17.204 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: and this method of treating the case was much more effectual in making them disposed to avoid committing a similar fault another time than any direct rebukes or expressions of displeasure addressed personally to them would have been -Output Transcription: and this method of treating the case was much more effectual in making them disposed to avoid committing a similar fault another time than any direct rebukes or expressions of displeasure addressed personally to them would have been -2021-09-20 08:34:17.204 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:34:17.216 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: if christian perfection be necessary to salvation i shall never be saved my heart is a very hotbed for sinful thoughts and when i decide on an action i scarcely remember to look to my redeemer for direction -Output Transcription: if christian perfection be necessary to salvation i shall never be saved my heart is a very hot bed for sinful thoughts and when i decide on an action i scarcely remember to look to my redeemer for direction -2021-09-20 08:34:17.227 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.052632 -2021-09-20 08:34:17.241 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the english forwarded to the french baskets of flowers of which they had made a plentiful provision to greet the arrival of the young princess the french in return invited the english to a supper which was to be given the next day -Output Transcription: the english forward it to the french baskets of flowers of which they had made a plantable provision to greet the arrival of the young princess the french in return invited the english to a supper which was to be given the next day -2021-09-20 08:34:17.255 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.069767 -2021-09-20 08:34:17.269 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the brown ground beneath is left for the most part one touch of black is put for the hollow two delicate lines of dark gray define the outer curve and one little quivering touch of white draws the inner edge of the mandible -Output Transcription: the brown ground beneath his left for the most part one touch of black is put for the hollow to delicate lines of dark gray to find the outer curve and one little quivering touch of white draws the inner edge of the mandible -2021-09-20 08:34:17.283 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.093023 -2021-09-20 08:34:17.284 | INFO | deepspeech2x.model:test:372 - Error rate [wer] (2336/?) = 0.069980 -2021-09-20 08:34:22.873 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: her tongue was not less keen than her eye and whenever a damsel came within earshot seemed to take up an unfinished lecture as a barrel organ takes up a tune precisely at the point where it had left off -Output Transcription: her tongue was not less keen than her eye and whenever a damsel came with her shot seemed to take up an unfinished lecture as a barrel organ take opportune precisely at the point where it had left off -2021-09-20 08:34:22.885 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.175000 -2021-09-20 08:34:22.903 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: he had no friend wise enough to tell him to step into the dorking convention then in session make a sketch of the men and women on the platform and take it to the editor of the daily grapevine and see what he could get a line for it -Output Transcription: he had no friend wise enough to tell him to step into the working convention then in session make a sketch of the men and women on the platform and take it to the editor of the daily grapevine and see what he could get a line for it -2021-09-20 08:34:22.923 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.020408 -2021-09-20 08:34:22.936 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: but such was his keenness that even while the wide flukes of his engorged victim were still sticking out at the corners of his beak his fierce red eyes were once more peering downward into the torrent in search of fresh prey -Output Transcription: but such was his keenness that even while the wide flukes of his engorged victim were still sticking out of the corners of his beak his fierce red eyes were once more peering downward into the torrent in search of fresh prey -2021-09-20 08:34:22.950 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.023810 -2021-09-20 08:34:22.958 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: and then we insist upon it the study of social deformities and infirmities and the task of pointing them out with a view to remedy is not a business in which choice is permitted -Output Transcription: and then we insist upon it the study of social deformities and infirmities and the task of pointing them out with a view to remedy is not a business in which choices permitted -2021-09-20 08:34:22.967 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.058824 -2021-09-20 08:34:22.979 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: miss woodley was too little versed in the subject to know this would have been not to love at all at least not to the extent of breaking through engagements and all the various obstacles that still militated against their union -Output Transcription: miss woodley was too little versed in the subject to know this would have been not to love at all at least not to the extent of breaking through engagements and all the various obstacles that still mitigated against their union -2021-09-20 08:34:22.992 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.024390 -2021-09-20 08:34:23.005 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: who was it she was in love with the story will tell i took upon myself to reply oh i can't wait for the story the story won't tell said douglas not in any literal vulgar way more's the pity then -Output Transcription: who was it she was in love with the story will tell i took upon myself to reply oh i can't wait for the story the story won't tell said douglas not in any literal vulgar way more the pity then -2021-09-20 08:34:23.017 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.024390 -2021-09-20 08:34:23.033 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: natty harmon tried the kitchen pump secretly several times during the evening for the water had to run up hill all the way from the well to the kitchen sink and he believed this to be a continual miracle that might give out at any moment -Output Transcription: nattie harmon tried the kitchen pump secretly several times during the evening for the water had to run up hill all the way from the well to the kitchen sink and he believed this to be a continual miracle that might give out at any moment -2021-09-20 08:34:23.049 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.021739 -2021-09-20 08:34:23.061 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: when she came to her senses and blushing to find herself in rodolfo's arms would have disengaged herself no senora he said that must not be strive not to withdraw from the arms of him who holds you in his soul -Output Transcription: when she came to her senses and blushing to find herself and rudolph's arms would have disengaged herself no senora he said that must not be strive not to withdraw from the arms of him who holds you in his soul -2021-09-20 08:34:23.074 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.048780 -2021-09-20 08:34:23.075 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: but the proprietor appeared already to have relinquished as hopeless the effort to perpetuate on this side of the atlantic in a hard soil and amid the close struggle for subsistence the native english taste for ornamental gardening -Output Transcription: but the proprietor appeared already to have relinquished as hopeless the effort to perpetuate on this side of the atlantic in a hard soil and amid the close struggle for subsistence the native english taste for ornamental gardening -2021-09-20 08:34:23.075 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:34:23.086 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: bragelonne watched for some time the conduct of the two lovers listened to the loud and uncivil slumbers of manicamp who snored as imperiously as though he was wearing his blue and gold instead of his violet suit -Output Transcription: raglan washed for some time the conduct of the two lovers listen to the loud and uncivil slumbers of minicamp who scored as imperiously as though he was wearing his blue and gold instead of his violet suit -2021-09-20 08:34:23.097 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.131579 -2021-09-20 08:34:23.106 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: for the great barn doors are thrown wide open and men are busy there mending the harness under the superintendence of mister goby the whittaw otherwise saddler who entertains them with the latest treddleston gossip -Output Transcription: where the great barn doors are thrown wide open and men are busy there mending the harness under the superintendence of mister goby the widow otherwise saddler who entertains them with a latest treadstone gossip -2021-09-20 08:34:23.115 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.114286 -2021-09-20 08:34:23.130 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: but do not suppose that i disparage the gift which you possess nor that i would discourage you from exercising it i only exhort you so to think of it and so to use it as to render it conducive to your own permanent good -Output Transcription: but do not suppose that i despaired the gift which you possess nor that i would discourage you from exercising it i only exhort you so to think of it and so to use it as surrender it conducive to your own permanent good -2021-09-20 08:34:23.146 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.066667 -2021-09-20 08:34:23.163 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: he is a welcome figure at the garden parties of the elect who are always ready to encourage him by accepting free seats for his play actor managers nod to him editors allow him to contribute without charge to a symposium on the price of golf balls -Output Transcription: he is a welcome figure at the garden parties of the elect who were always ready to encourage him by accepting free seats for his play actor managers nod to him anders allow him to contribute without charge to somos um on the price of golf both -2021-09-20 08:34:23.179 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.106383 -2021-09-20 08:34:23.180 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: poor douglas before his death when it was in sight committed to me the manuscript that reached him on the third of these days and that on the same spot with immense effect he began to read to our hushed little circle on the night of the fourth -Output Transcription: poor douglas before his death when it was in sight committed to me the manuscript that reached him on the third of these days and that on the same spot with immense effect he began to read to our hushed little circle on the night of the fourth -2021-09-20 08:34:23.180 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:34:23.190 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: o little cloud the virgin said i charge thee to tell me why thou complainest now when in one hour thou fade away then we shall seek thee but not find ah thel is like to thee -Output Transcription: o little cloud the virgin said i charge thee to tell me why thou complains now when in one hour thou fatal way then we shall seek me but not fine ah fell is like the -2021-09-20 08:34:23.201 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.216216 -2021-09-20 08:34:23.207 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the painter who says my grinder the notary who says my skip the gutter the hairdresser who says my mealyback the cobbler who says my cub talks slang -Output Transcription: the painter who says my grinder the notary who says my skip of the gutter the hair dresser who says my melba the cobbler who says my curb talks slang -2021-09-20 08:34:23.214 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.178571 -2021-09-20 08:34:23.230 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: luis was out of danger in a fortnight in a month he rose from his bed and during all that time he was visited daily by his mother and grandmother and treated by the master and mistress of the house as if he was their own child -Output Transcription: is was out of danger in a fortnight in a month he rose from his bed and drawing all that time he was visited daily by his mother and grandmother and treated by the master and mistress of the house as if he was their own child -2021-09-20 08:34:23.247 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.042553 -2021-09-20 08:34:23.260 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: drunkenness and the other pathological consequences of the free use of stimulants therefore tend in their turn to become honorific as being a mark at the second remove of the superior status of those who are able to afford the indulgence -Output Transcription: drunkeness and the other pathological consequences of the free use of stimulants they have ten in their turn to become honorific as being a mark at the second remove of the superior status of those who are able to afford the indulgence -2021-09-20 08:34:23.273 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.097561 -2021-09-20 08:34:23.284 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: every line in which the master traces it even where seemingly negligent is lovely and set down with a meditative calmness which makes these two etchings capable of being placed beside the most tranquil work of holbein or duerer -Output Transcription: every line in which the master traces it even where seemingly negligent is lovely and sat down with a meditative calmness which makes these two edgings capable of being placed beside the most tranquil work of hobin ordure -2021-09-20 08:34:23.295 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.128205 -2021-09-20 08:34:23.296 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: whenever the sense of familiarity occurs without a definite object it leads us to search the environment until we are satisfied that we have found the appropriate object which leads us to the judgment this is familiar -Output Transcription: whenever the sense of familiarity occurs without a definite object it leads us to search the environment until we are satisfied that we have found the appropriate object which leads us to the judgment this is familiar -2021-09-20 08:34:23.296 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:34:23.309 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: be it said to the honor of some of the officers entrusted with the terrible commission that when they learned its true significance they resigned their authority rather than have anything to do with what they designated a cold blooded butchery -Output Transcription: be it said to the honour of some of the officers intrusted with a terrible commission that when they learnt its true significance they resign their authority rather than have anything to do with what they designated a cold blooded butchery -2021-09-20 08:34:23.321 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.121951 -2021-09-20 08:34:23.322 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: in an image of a well known face for example some parts may feel more familiar than others when this happens we have more belief in the accuracy of the familiar parts than in that of the unfamiliar parts -Output Transcription: in an image of a well known face for example some parts may feel more familiar than others when this happens we have more belief in the accuracy of the familiar parts than in that of the unfamiliar parts -2021-09-20 08:34:23.322 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:34:23.330 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: in a sunset glowing of crimson and gold she lies the glory of the world a beached king's galley whose sails are furled who is hung with tapestries rich and old -Output Transcription: in a sunset glowing of crimson and gold she lies the glory of the world he beached kings galley whose sails are furled he was hung with tapestries rich and old -2021-09-20 08:34:23.337 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.129032 -2021-09-20 08:34:23.337 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: of mark wylder i say this his name has been for years hateful to me and recently it has become frightful and you will promise me simply this that you will never ask me to speak again about him -Output Transcription: of mark wylder i say this his name has been for years hateful to me and recently it has become frightful and you will promise me simply this that you will never ask me to speak again about him -2021-09-20 08:34:23.338 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:34:23.350 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the fireball half of it white half azure blue and the size of a ten inch shell moved slowly about the raft but revolving on its own axis with astonishing velocity as if whipped round by the force of the whirlwind -Output Transcription: the fireball half of it why half azure blue and the size of a ten inch shell moved so about the raft but revolving on its own axis with astonishing velocity as if whip round by the force of the whirlwind -2021-09-20 08:34:23.363 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.073171 -2021-09-20 08:34:23.375 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the bond of union thus effected could never be severed and although ben zoof's achievements had fairly earned him the right of retirement he firmly declined all honors or any pension that might part him from his superior officer -Output Transcription: the bond of union thus effected could never be severed and although benzos achievements had fairly earned him the right of retirement he firmly declined all honors or any pension that might part him from his superior officer -2021-09-20 08:34:23.386 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.051282 -2021-09-20 08:34:23.387 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: before the settlement of terms the administration must be possessed entirely by the parliaments of both kingdoms and how incompatible that scheme with the liberty of the king is easily imagined -Output Transcription: before the settlement of terms the administration must be possessed entirely by the parliaments of both kingdoms and how incompatible that scheme with the liberty of the king is easily imagined -2021-09-20 08:34:23.387 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:34:23.395 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the london plant was less temporary but not permanent supplying before it was torn out no fewer than three thousand lamps in hotels churches stores and dwellings in the vicinity of holborn viaduct -Output Transcription: the london plant was less temporary but not permanent supplying before it was worn out no fewer than three thousand lamps in hotels churches stores and dwellings in the vicinity of holborn viaduct -2021-09-20 08:34:23.404 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.030303 -2021-09-20 08:34:23.415 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: it may be that a great colorist will use his utmost force of color as a singer his full power of voice but loud or low the virtue is in both cases always in refinement never in loudness -Output Transcription: it may be that a great colorless will use his utmost force of collar as a singer his full power of voice but loud or will the virtues in both cases always in refinement never in loudness -2021-09-20 08:34:23.425 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.131579 -2021-09-20 08:34:23.436 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: he doesn't say but it's on the frontier and on the map everything beyond it is marked indians and desert and looks as desolate as a wednesday meeting humph it was time for him to do something -Output Transcription: he doesn't say but it's on the frontier and on the map everything beyond it is marked indians and desert and looks as desolate as a wednesday meeting huh it was time for him to do something -2021-09-20 08:34:23.446 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.027027 -2021-09-20 08:34:23.455 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: a large open fireplace with rusty dogs in it and a bare boarded floor at the far end fleeces of wool stacked up in the middle of the floor some empty corn bags -Output Transcription: a large open fireplace with rusty dogs in it and a bearer boarded floor at the far end fleeces of wool stacked up in the middle of the floor some empty corn bags -2021-09-20 08:34:23.463 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.030303 -2021-09-20 08:34:23.478 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: much later when a friend of his was preparing an edition of all his latin works he remarked to his home circle if i had my way about it they would republish only those of my books which have doctrine my galatians for instance -Output Transcription: much later when a friend of his was preparing an edition of all his latin works he remarked to his home circle if i had my way about it they would republish only those of my books which have doctrine modulations for instance -2021-09-20 08:34:23.492 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.045455 -2021-09-20 08:34:23.494 | INFO | deepspeech2x.model:test:372 - Error rate [wer] (2368/?) = 0.069801 -2021-09-20 08:34:28.217 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: it was the white rabbit returning splendidly dressed with a pair of white kid gloves in one hand and a large fan in the other he came trotting along in a great hurry muttering to himself as he came oh the duchess the duchess -Output Transcription: it was the white rabbit returning splendidly dressed the pair white kid gloves in one hand and a large fan in the other he came trotting along in a great hurry muttering to himself as he came oh the duchess the duchess -2021-09-20 08:34:28.231 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.068182 -2021-09-20 08:34:28.248 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the dependent who was first delegated for these duties was the wife or the chief wife and as would be expected in the later development of the institution when the number of persons by whom these duties are customarily performed gradually narrows the wife remains the last -Output Transcription: the dependent who was first delegated for these duties was the wife or the chief wife and as would be expected in a later development of the institution when the number of persons for whom these due to sacs marily performed gradual and arrows the wife remains the last -2021-09-20 08:34:28.265 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.191489 -2021-09-20 08:34:28.265 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: shall i never miss home talk and blessing and the common kiss that comes to each in turn nor count it strange when i look up to drop on a new range of walls and floors another home than this -Output Transcription: shall i never miss home talk and blessing and the common kiss that comes to each in turn nor count it strange when i look up to drop on a new range of walls and floors another home than this -2021-09-20 08:34:28.266 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:34:28.286 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: it is also noticeable that the serviceability of consumption as a means of repute as well as the insistence on it as an element of decency is at its best in those portions of the community where the human contact of the individual is widest and the mobility of the population is greatest -Output Transcription: it is also noticeable that the sensibility of consumption as a means of repute as well as the insistence on it as an element of decency is at its best in those portions of the community where human contact of the individual is widest and the mobility of the population is greatest -2021-09-20 08:34:28.306 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.037736 -2021-09-20 08:34:28.307 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: assuredly if the tongue which a nation or a province has spoken is worthy of interest the language which has been spoken by a misery is still more worthy of attention and study -Output Transcription: assuredly if the tongue which a nation or a province has spoken is worthy of interest the language which has been spoken by a misery is still more worthy of attention and study -2021-09-20 08:34:28.307 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:34:28.307 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i have not asked him ruth replied with a look that might imply that she was one of those determined little bodies who first made up her own mind and then compelled others to make up theirs in accordance with hers -Output Transcription: i have not asked him ruth replied with a look that might imply that she was one of those determined little bodies who first made up her own mind and then compelled others to make up theirs in accordance with hers -2021-09-20 08:34:28.307 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:34:28.319 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: we don't spin tops is a favorite saying amongst artillery officers indicating that they do not shirk their duty by frivolous pursuits but it must be confessed that servadac being naturally idle was very much given to spinning tops -Output Transcription: we don't spend tops is a favourite saying amongst artillery officers indicating that they do not shirk their duty by frivolous pursuits but it must be confessed that serve ada being naturally idol was very much given the spinning tops -2021-09-20 08:34:28.331 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.153846 -2021-09-20 08:34:28.341 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the strong position held by the edison system under the strenuous competition that was already springing up was enormously improved by the introduction of the three wire system and it gave an immediate impetus to incandescent lighting -Output Transcription: the strong position held by the edison's system under the strenuous competition that was already springing up was enormously improved by the introduction of the three wire system and it gave an immediate impetus to incandescent lighting -2021-09-20 08:34:28.351 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.027027 -2021-09-20 08:34:28.360 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: brighter than early dawn's most brilliant dye are blown clear bands of color through the sky that swirl and sweep and meet to break and foam like rainbow veils upon a bubble's dome -Output Transcription: brighter than early dawns most brilliant die are blown clear bands of color through the sky that swirl and sweep and meet to break and foam like rainbow veils upon a bubble dome -2021-09-20 08:34:28.368 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.090909 -2021-09-20 08:34:28.368 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the definition of my experience is difficult broadly speaking it is everything that is connected with what i am experiencing now by certain links of which the various forms of memory are among the most important -Output Transcription: the definition of my experience is difficult broadly speaking it is everything that is connected with what i am experiencing now by certain links of which the various forms of memory are among the most important -2021-09-20 08:34:28.369 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:34:28.384 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: and so if i'd been delayed by a quarter of an hour or even less the frigate would have gone without me and i would have missed out on this unearthly extraordinary and inconceivable expedition whose true story might well meet with some skepticism -Output Transcription: and so if i had been delayed by a quarter of an hour or even less the frigate would have gone without me and i would have missed out on this unearthly extraordinary and inconceivable expedition whose true story might well meet with some skepticism -2021-09-20 08:34:28.399 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.045455 -2021-09-20 08:34:28.412 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the uncouth faces passed him two by two stained yellow or red or livid by the sea and as he strove to look at them with ease and indifference a faint stain of personal shame and commiseration rose to his own face -Output Transcription: the uncouth faces past him two by two stained yellow or red or livid by the sea and as he strove to look at them with ease and indifference a faint stain of personal shame and commiseration rose to his own face -2021-09-20 08:34:28.425 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.023810 -2021-09-20 08:34:28.434 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: one of his militia generals suggested that the governor should require the outlaws at lawrence and elsewhere to surrender the sharps rifles another wrote asking him to call out the government troops at fort leavenworth -Output Transcription: one of his militia general suggested that the governor should require the outlaws at lawrence and elsewhere to surrender the sharps rifles another road asking him to call out the government troops at fort leavenworth -2021-09-20 08:34:28.443 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.057143 -2021-09-20 08:34:28.444 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: like his unfortunate little cousin the teal he too had felt the fear of death smitten into his heart and was heading desperately for the refuge of some dark overhanging bank deep fringed with weeds where the dreadful eye of the hawk should not discern him -Output Transcription: like his unfortunate little cousin the teal he too had felt the fear of death smitten into his heart and was heading desperately for the refuge of some dark overhanging bank deep fringed with weeds where the dreadful eye of the hawk should not discern him -2021-09-20 08:34:28.444 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:34:28.455 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: to all appearance molly had got through her after dinner work in an exemplary manner had cleaned herself with great dispatch and now came to ask submissively if she should sit down to her spinning till milking time -Output Transcription: to all appearance mollie had got through her after dinner work in an exemplary manner had cleaned herself with great dispatch and now came to ask submissively if she should sit down to her spinning till milking time -2021-09-20 08:34:28.466 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.026316 -2021-09-20 08:34:28.485 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: you must know said margolotte when they were all seated together on the broad window seat that my husband foolishly gave away all the powder of life he first made to old mombi the witch who used to live in the country of the gillikins to the north of here -Output Transcription: you must know said margo late when they were all seated together on the broad window seat that my husband foolishly gave away all the powder of life he first made to old more the witch who used to live in the country of the gillian to the north of here -2021-09-20 08:34:28.504 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.080000 -2021-09-20 08:34:28.504 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: it was idle for him to move himself to be generous towards them to tell himself that if he ever came to their gates stripped of his pride beaten and in beggar's weeds that they would be generous towards him loving him as themselves -Output Transcription: it was idle for him to move himself to be generous towards them to tell himself that if he ever came to their gates stripped of his pride beaten and in beggar's weeds that they would be generous towards him loving him as themselves -2021-09-20 08:34:28.504 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:34:28.518 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: well you know radie women like wicked fellows it is contrast i suppose but they do and i'm sure from what bracton has said to me i know him intimately that dorcas likes him and i can't conceive why they are not married -Output Transcription: well you know ready women like wicked fellows it is contrast i suppose but they do and i'm sure from what brocton has said to me i know him intimately that dorcas likes him and i can't conceive why they are not married -2021-09-20 08:34:28.531 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.046512 -2021-09-20 08:34:28.532 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: it was a look so intelligent yet inexplicable perverse sometimes so malicious but generally accompanied by a wild flow of spirits that hester could not help questioning at such moments whether pearl was a human child -Output Transcription: it was a look so intelligent yet inexplicable perverse sometimes so malicious but generally accompanied by a wild flow of spirits that hester could not help questioning at such moments whether pearl was a human child -2021-09-20 08:34:28.532 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:34:28.541 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: he doesn't say exactly what it is said ruth a little dubiously but it's something about land and railroads and thee knows father that fortunes are made nobody knows exactly how in a new country -Output Transcription: he doesn't say exactly what it is said ruth a little dubiously but it's something about land and railroads and the nos father that fortunes are made nobody knows exactly how in a new country -2021-09-20 08:34:28.550 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.057143 -2021-09-20 08:34:28.559 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: in the shooting of sheriff jones in lawrence and in the refusal of ex governor beeder to allow the deputy marshal to arrest him they discovered grave offenses against the territorial and united states laws -Output Transcription: in the shooting of sheriff jones and lawrence and in the refusal of exgovernor reader to allow the deputy marshal to arrest him they discovered grave offences against the territorial and the united states laws -2021-09-20 08:34:28.568 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.171429 -2021-09-20 08:34:28.582 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i can afford to smile because i am absolutely powerless before you but i do not the less feel that in a matter in which the progress of the world is concerned i or rather we have been put down by brute force -Output Transcription: i can afford to smile because i am absolutely perilous before you but i do not the less feel that in a matter of which the progress of the world is concerned i or rather we have been put down by brute force -2021-09-20 08:34:28.596 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.046512 -2021-09-20 08:34:28.606 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: but this inestimable privilege was soon violated with the knowledge of truth the emperor imbibed the maxims of persecution and the sects which dissented from the catholic church were afflicted and oppressed by the triumph of christianity -Output Transcription: but this inestimable privilege was soon violated with the knowledge of truth the emperor imbibe the maxims of persecution and the sets which dissented from the catholic church were afflicted and oppressed by the triumph of christianity -2021-09-20 08:34:28.616 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.054054 -2021-09-20 08:34:28.625 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: sheriff jones had his pockets always full of writs issued in the spirit of persecution but was often baffled by the sharp wits and ready resources of the free state people and sometimes defied outright -Output Transcription: sheriff jones had his pocket always full of writs issued in a spirit of persecution that was often baffled by the sharp wits and ready resources of the free state people and sometimes defied outright -2021-09-20 08:34:28.634 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.085714 -2021-09-20 08:34:28.644 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the place he had was a very good one the sun shone on him as to fresh air there was enough of that and round him grew many large sized comrades pines as well as firs -Output Transcription: the place he had was a very good one the sun shone on him as to fresh air there was enough of that and round him grew many large sized comrades pines as well as furs -2021-09-20 08:34:28.653 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.027778 -2021-09-20 08:34:28.662 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i am a very unpleasant pupil always asking questions curious troublesome insatiable and even supposing that i could meet with the teacher i require i am afraid i am not rich enough to pay him -Output Transcription: i am a very unpleasant pupil always asking questions curious troublesome insatiable and even supposing that i couldn't meet with a teacher i require i am afraid i am not rich enough to pay him -2021-09-20 08:34:28.671 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.057143 -2021-09-20 08:34:28.678 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: we have always thought that it was sometimes a courageous act and at least a simple and useful deed worthy of the sympathetic attention which duty accepted and fulfilled merits -Output Transcription: we have always thought that it was sometimes a courageous act and at least is simple and useful deed worthy of the sympathetic attention which duty accepted and fulfilled merits -2021-09-20 08:34:28.685 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.033333 -2021-09-20 08:34:28.698 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: they are beyond all other works that i know existing dependent for their effect on low subdued tones their favorite choice in time of day being either dawn or twilight and even their brightest sunsets produced chiefly out of gray paper -Output Transcription: they are beyond all other works that i know existing dependent for their effect on low subdued terms their favorite choice in time of day being either dawn or twilight and even their brightest sunsets produced chiefly out of gray paper -2021-09-20 08:34:28.710 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.024390 -2021-09-20 08:34:28.710 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: we sometimes have images that are by no means peculiarly vague which yet we do not trust for example under the influence of fatigue we may see a friend's face vividly and clearly but horribly distorted -Output Transcription: we sometimes have images that are by no means peculiarly vague which yet we do not trust for example under the influence of fatigue we may see a friend's face vividly and clearly but horribly distorted -2021-09-20 08:34:28.711 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:34:28.724 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: thinks i to myself i never seen anything osh popham couldn't mend if he took time enough and glue enough so i carried this little feller home in a bushel basket one night last month an i've spent eleven evenin's puttin him together -Output Transcription: thinks it myself i never seen anything asked papa good men if he took time enough and blue enough so i carry this little feller how an bushels at one night last month and i've spent a liban evening putting him together -2021-09-20 08:34:28.737 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.418605 -2021-09-20 08:34:28.752 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: nothing will be more precious to you i think in the practical study of art than the conviction which will force itself on you more and more every hour of the way all things are bound together little and great in spirit and in matter -Output Transcription: nothing will be more precious to you i think in the practical study of art than the conviction which will force itself on you more and more every hour of the way all things are bound together little and great in spirit and matter -2021-09-20 08:34:28.767 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.022222 -2021-09-20 08:34:28.768 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: with many variations suggested by the nature of his building materials diversity of climate and a different mode of social life governor bellingham had planned his new habitation after the residences of gentlemen of fair estate in his native land -Output Transcription: with many variations suggested by the nature of his building materials diversity of climate and a different mode of social life governor bellingham had planned his new habitation after the residences of gentlemen of fair estate in his native land -2021-09-20 08:34:28.768 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:34:28.769 | INFO | deepspeech2x.model:test:372 - Error rate [wer] (2400/?) = 0.069468 -2021-09-20 08:34:35.720 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: at last the little mice stayed away also and the tree sighed after all it was very pleasant when the sleek little mice sat round me and listened to what i told them -Output Transcription: at last the little mice stayed away also and the tree side after all it was very pleasant when the sleek little mice sat around me and listen to what i told them -2021-09-20 08:34:35.730 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.090909 -2021-09-20 08:34:35.740 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: they were later used as reserve machines and finally with the engine retired from service as part of the collection of edisonia but they remain in practically as good condition as when installed in eighteen eighty three -Output Transcription: they were later used as reserved machines and finally with the engine retired from service as part of the collection of ansonia but they remain in practically as good condition as one installed in eighteen eighty three -2021-09-20 08:34:35.750 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.081081 -2021-09-20 08:34:35.760 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: now this knife was a splendid one though half the blade was gone and the handle was a little cracked and anders knew that one is almost a man as soon as one has a jack knife -Output Transcription: now this knife was a splendid one though half the blame was gone and the handle was a little cracked and anders now that one is almost a man as soon as one has a jack knife -2021-09-20 08:34:35.770 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.054054 -2021-09-20 08:34:35.770 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: but they dragged him out of the room and up the stairs into the loft and here in a dark corner where no daylight could enter they left him -Output Transcription: but they dragged him out of the room and up the stairs into the loft and here in a dark corner where no daylight could enter they left him -2021-09-20 08:34:35.770 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:34:35.780 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: in the supposed depths of this dialogue the neo platonists found hidden meanings and connections with the jewish and christian scriptures and out of them they elicited doctrines quite at variance with the spirit of plato -Output Transcription: in the supposed depths of this dialogue the neoplatonists found hidden meanings in connections with the jewish and christian scriptures and out of them they elicited doctrines quite at variance with the spirit of plato -2021-09-20 08:34:35.789 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.083333 -2021-09-20 08:34:35.802 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the modest fellow would have liked fame thrust upon him for some worthy achievement it might be for a book or for the skillful management of some great newspaper or for some daring expedition like that of lieutenant strain or doctor kane -Output Transcription: the modest fellow would have liked fame thrust upon him for some worthy achievement it might be for a book or for the skillful management of some great newspaper or for some daring expedition like that of latinate strain or doctor can -2021-09-20 08:34:35.815 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.047619 -2021-09-20 08:34:35.840 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: that would be very well my child replied her father if your plan were not liable to be frustrated by ordinary cunning but no doubt this image has been already missed by its owner and he will have set it down for certain that it was taken out of the room by the person he locked up there -Output Transcription: that would be very well my child replied her father if your plan were not liable to be frustrated by ordinary cunning but no doubt this image had been already missed by its owner and you will have set it down for certain that it was taken out of the room by the person he locked up there -2021-09-20 08:34:35.865 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.034483 -2021-09-20 08:34:35.865 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: one perceives without understanding it a hideous murmur sounding almost like human accents but more nearly resembling a howl than an articulate word -Output Transcription: one perceives without understanding it a hideous murmur sounding almost like human accents but more nearly resembling a howl than an articulate word -2021-09-20 08:34:35.865 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:34:35.887 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: mister meadowcroft the elder having not spoken one word thus far himself introduced the newcomer to me with a side glance at his sons which had something like defiance in it a glance which as i was sorry to notice was returned with the defiance on their side by the two young men -Output Transcription: mister medico the elder having not spoken one word thus far himself introduced the new comer to me with a side glance at his sons which had something like defiance in it a glance which as i was sorry to notice was returned with the defiance on their side by the two young men -2021-09-20 08:34:35.907 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.056604 -2021-09-20 08:34:35.907 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: now for one little half hour she had been a woman talking to a boy no not even that she had been talking just talking there were no persons in the conversation just things one thing cotton -Output Transcription: now for one little half hour she had been a woman talking to a boy no not even that she had been talking just talking there were no persons in the conversation just things one thing cotton -2021-09-20 08:34:35.908 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:34:35.917 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: we do not know how plato would have arranged his own dialogues or whether the thought of arranging any of them besides the two trilogies which he has expressly connected was ever present to his mind -Output Transcription: we do not know how plato would have arranged his own dialects or whether the thought of arranging any of them besides the two trilogies which he has expressly connected was ever present to his mind -2021-09-20 08:34:35.927 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.027778 -2021-09-20 08:34:35.940 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: for it is a solid heavy handsome door and must once have been in the habit of shutting with a sonorous bang behind a liveried lackey who had just seen his master and mistress off the grounds in a carriage and pair -Output Transcription: for it is a solid heavy handsome door and must once have been in the habit of shutting with sonorous bang behind the livery lackey who had just seen his master and mistress of the grounds in a carriage and pair -2021-09-20 08:34:35.953 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.095238 -2021-09-20 08:34:35.967 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: you will carry out with you one hundred men of the north north west birmingham regiment which will probably suffice for your own security as it is thought that if mister neverbend be withdrawn the people will revert easily to their old habits of obedience -Output Transcription: you will carry out with you one hundred men of the north northwest birmingham regiment which will probably suffice for your own security as it is thought that if mister never been be withdrawn the people will revert easily to their old habits of obedience -2021-09-20 08:34:35.982 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.088889 -2021-09-20 08:34:35.982 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: it was strange too that he found an arid pleasure in following up to the end the rigid lines of the doctrines of the church and penetrating into obscure silences only to hear and feel the more deeply his own condemnation -Output Transcription: it was strange too that he found an arid pleasure in following up to the end the rigid lines of the doctrines of the church and penetrating into obscure silences only to hear and feel the more deeply his own condemnation -2021-09-20 08:34:35.983 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:34:35.994 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the fancies of the neo platonists are only interesting to us because they exhibit a phase of the human mind which prevailed widely in the first centuries of the christian era and is not wholly extinct in our own day -Output Transcription: the fancies of the new platonists are only interesting to us because they excite a face of the human mind which prevail widely in the first centuries of the christian era and is not wholly extinct in our own day -2021-09-20 08:34:36.006 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.100000 -2021-09-20 08:34:36.026 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: it is to let hamlet if that happen to be the name of your character enter with a small dog pet falcon mongoose tame bear or whatever animal is most in keeping with the part and confide in this animal such sorrows hopes or secret history as the audience has got to know -Output Transcription: it is to let hamlet if that happened to be the name of your character in rule small dog pet falcon amongs tabar whatever animal is most in keeping with the part and confide in this animal such sorrows hopes or secret history as the audience has got to know -2021-09-20 08:34:36.045 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.150943 -2021-09-20 08:34:36.059 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the face of the mahogany shone with delight and why not when it was doing everything almost everything within the scope of a piano and yet the family had enjoyed weeks of good nourishing meals on what had been saved by its exertions -Output Transcription: the face of the mahogany shown with delight and why not when it was doing everything almost everything within the scope of a piano and yet the family had enjoyed weeks of good nourishing meals on what had been saved by its exertions -2021-09-20 08:34:36.073 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.023256 -2021-09-20 08:34:36.089 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: eleven o'clock had struck it was a fine clear night they were the only persons on the road and they sauntered leisurely along to avoid paying the price of fatigue for the recreation provided for the toledans in their valley or on the banks of their river -Output Transcription: eleven o'clock had struck it was a fine clear night there are the only persons on the road and they sauntered leisurely along to avoid paying the price of fatigue for the recreation provided for the aliens in the valley or on the banks of their river -2021-09-20 08:34:36.105 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.085106 -2021-09-20 08:34:36.114 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: there is a want of flow and often a defect of rhythm the meaning is sometimes obscure and there is a greater use of apposition and more of repetition than occurs in plato's earlier writings -Output Transcription: there is a want of flow and often a defect of rhythm the meaning is sometimes obscure and there is a greater use of position and more of repetition than occurs in plato's earlier writings -2021-09-20 08:34:36.123 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.028571 -2021-09-20 08:34:36.136 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: but when it came to be a question of lighting a scattered suburb a group of dwellings on the outskirts a remote country residence or a farm house the alternating current in all elements save its danger was and is ideal -Output Transcription: but when it came to be a question of lighting a scattered summer a group of dwellings on the outskirts a remote country residence or a far mouse the alternating current in all elements save its danger was and is ideal -2021-09-20 08:34:36.149 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.073171 -2021-09-20 08:34:36.163 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: habit is a concept involving the occurrence of similar events at different times if the behaviourist feels confident that there is such a phenomenon as habit that can only be because he trusts his memory when it assures him that there have been other times -Output Transcription: habit is a concept involving the occurrence of similar events at different times if the behaviorist fills confident that there is such a phenomenon as habit that can only be because he trusts his memory when it assures him that there have been other times -2021-09-20 08:34:36.178 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.044444 -2021-09-20 08:34:36.197 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: a few years back one of their slaves a coachman was kept on the coach box one cold night when they were out at a ball until he became almost frozen to death in fact he did die in the infirmary from the effects of the frost about one week afterwards -Output Transcription: a few years back one of their slaves a coachman was kept on the coach box one cold night when they were out at a ball until he became almost frozen to death in fact he did die in the infirmary from the effects of the front about one week afterwards -2021-09-20 08:34:36.216 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.019608 -2021-09-20 08:34:36.236 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: my pursuits are peaceful and my temper i humbly trust is greatly given to mercy and love returned david a little nettled at so direct an attack on his manhood but there are none who can say that i have ever forgotten my faith in the lord even in the greatest straits -Output Transcription: my pursuits are peaceful and my temper i humbly trust is greatly given to mercy and love returned david a little nettled that so direct an attack on his manhood but there are none who can say that i have ever forgotten my faith in the lord even in the greatest straits -2021-09-20 08:34:36.257 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.019231 -2021-09-20 08:34:36.272 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: if it be granted first that the thoughts of a certain character should be known to the audience and secondly that soliloquy or the habit of thinking aloud is in opposition to modern stage technique how shall a soliloquy be avoided without damage to the play -Output Transcription: if it be granted first that the thoughts of a certain character should be known to the audience and secondly that soliloquy or the habit of thinking aloud is in opposition to modern stage take in halohalo the liquid be avoided without damage to the play -2021-09-20 08:34:36.288 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.108696 -2021-09-20 08:34:36.303 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: we shall be blown up but no the dazzling disk of mysterious light nimbly leaps aside it approaches hans who fixes his blue eye upon it steadily it threatens the head of my uncle who falls upon his knees with his head down to avoid it -Output Transcription: we shall be blown up but no the dazzling disk a mysterious light nibbling leaps aside it approaches hans who fixes his blue eye upon it steadily it threatens the head of my uncle who falls upon his knees with his head down to avoid it -2021-09-20 08:34:36.319 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.043478 -2021-09-20 08:34:36.319 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the departing ladies who had said they would stay didn't of course thank heaven stay they departed in consequence of arrangements made in a rage of curiosity as they professed produced by the touches with which he had already worked us up -Output Transcription: the departing ladies who had said they would stay didn't of course thank heaven stay they departed in consequence of arrangements made in a rage of curiosity as they professed produced by the touches with which he had already worked us up -2021-09-20 08:34:36.320 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:34:36.336 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: it was quite true that a vessel was in sight hardly more than six miles from the shore but owing to the increase in the earth's convexity and the consequent limitation of the range of vision the rigging of the topmasts alone was visible above the water -Output Transcription: it was quite true that a vessel was in sight hardly more than six miles from the shore but owing to the increase in the earth's convexity and the consequent limitation of the range of vision the rigging of the top masts alone was visible above the water -2021-09-20 08:34:36.353 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.042553 -2021-09-20 08:34:36.353 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: by degrees all his happiness all his brilliancy subsided into regret and uneasiness so that his limbs lost their power his arms hung heavily by his sides and his head drooped as though he was stupefied -Output Transcription: by degrees all his happiness all his brilliancy subsided into regret and uneasiness so that his limbs lost their power his arms hung heavily by his sides and his head drooped as though he was stupefied -2021-09-20 08:34:36.354 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:34:36.371 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the law of that school is that everything shall be seen clearly or at least only in such mist or faintness as shall be delightful and i have no doubt that the best introduction to it would be the elementary practice of painting every study on a golden ground -Output Transcription: the law of that schools that everything shall be seen clearly or at least only in such mister faintness as shall be delightful and i have no doubt that the best introduction to it would be the elementary practice of painting every study on a golden ground -2021-09-20 08:34:36.388 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.081633 -2021-09-20 08:34:36.400 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: at that epoch of pristine simplicity however matters of even slighter public interest and of far less intrinsic weight than the welfare of hester and her child were strangely mixed up with the deliberations of legislators and acts of state -Output Transcription: at that epoch of pristine simplicity however matters of even slighter public interest under far less intrinsic weight than the welfare of hester and her child were strangely mixed up with the deliberations of legislators and acts of state -2021-09-20 08:34:36.411 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.050000 -2021-09-20 08:34:36.427 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: totty however had descended from her chair with great swiftness and was already in retreat towards the dairy with a sort of waddling run and an amount of fat on the nape of her neck which made her look like the metamorphosis of a white suckling pig -Output Transcription: toddy however had descended from her chair with great swiftness and was already in retreat towards the dairy with a sort of waddling run and an amount of fat on the nape of her neck which made her look like the metamorphosis of a white suckling pig -2021-09-20 08:34:36.444 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.021277 -2021-09-20 08:34:36.461 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the condition is that i will be permitted to make luther talk american streamline him so to speak because you will never get people whether in or outside the lutheran church actually to read luther unless we make him talk as he would talk today to americans -Output Transcription: the condition is that i will be permitted to make luther talk american stream light him so to speak because you will never get people whether in or outside the lutheran church actually to read luther and must we make him talk as he would talk to day to americans -2021-09-20 08:34:36.478 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.127660 -2021-09-20 08:34:36.479 | INFO | deepspeech2x.model:test:372 - Error rate [wer] (2432/?) = 0.068995 -2021-09-20 08:34:45.777 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the family likeness between her and her niece dinah morris with the contrast between her keenness and dinah's seraphic gentleness of expression might have served a painter as an excellent suggestion for a martha and mary -Output Transcription: the family likeness between her and her knees dana morris with the contrast between her keenness and danas seraphic gentleness of expression might have served a painter as an excellent suggestion for a martha and mary -2021-09-20 08:34:45.787 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.083333 -2021-09-20 08:34:45.799 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: brooding over all these matters the mother felt like one who has evoked a spirit but by some irregularity in the process of conjuration has failed to win the master word that should control this new and incomprehensible intelligence -Output Transcription: brooding over all these matters the mother felt like one who has evoked the spirit but by some irregularity in the process of conjuration has failed to win the master word that should control this new and incomprehensible intelligence -2021-09-20 08:34:45.811 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.025641 -2021-09-20 08:34:45.835 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: when i found it i said to myself that it would do nicely for my servant girl for when she was brought to life she would not be proud nor haughty as the glass cat is for such a dreadful mixture of colors would discourage her from trying to be as dignified as the blue munchkins are -Output Transcription: when i found it i said to myself that it would do nicely for my servant girl for when she was brought to life she would not be proud or haughty as the glass cat is for such a dreadful mixture of colours would discourage her from trying to be as dignified as the blue munchkins are -2021-09-20 08:34:45.859 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.035088 -2021-09-20 08:34:45.860 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: this i felt was paid to me as being president of the republic and i endeavoured to behave myself with such mingled humility and dignity as might befit the occasion but i could not but feel that something was wanting to the simplicity of my ordinary life -Output Transcription: this i felt was paid to me as being president of the republic and i endeavoured to behave myself with such mingled humility and dignity as might befit the occasion but i could not but feel that something was wanting to the simplicity of my ordinary life -2021-09-20 08:34:45.860 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:34:45.870 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: do not suppose however that missus poyser was elderly or shrewish in her appearance she was a good looking woman not more than eight and thirty of fair complexion and sandy hair well shapen light footed -Output Transcription: do not suppose however that missus poyser was elderly or shrewish in her appearance she was a good looking woman not more than eight in thirty a fair complexion and sandy hair well shape lightfooted -2021-09-20 08:34:45.880 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.138889 -2021-09-20 08:34:45.897 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: there were a few rose bushes however and a number of apple trees probably the descendants of those planted by the reverend mister blackstone the first settler of the peninsula that half mythological personage who rides through our early annals seated on the back of a bull -Output Transcription: there were a few rose bushes however and a number of apple trees probably the descendants of those planted by the reverend mister blackstone the first settler of the peninsula that half mythological personage who rides through our early annals seated on the back of a ball -2021-09-20 08:34:45.913 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.021277 -2021-09-20 08:34:45.930 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the description she gave of the coming reception to the woman's political league was so humorous and diverting that they were both laughing heartily over the thing when the young people passed them and thus mister hopkins failed to notice who the occupants of the other vehicle were -Output Transcription: the description she gave of the coming reception to the women's political league was so humorous and diverting that they were both laughing heartily over the thing when the young people pass them and thus mister hopkins failed to notice who the occupants of the other vehicle were -2021-09-20 08:34:45.947 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.041667 -2021-09-20 08:34:45.955 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: my heart doth plead that thou in him dost lie a closet never pierc'd with crystal eyes but the defendant doth that plea deny and says in him thy fair appearance lies -Output Transcription: my heart doth plead that thou inhuman doth lie a closet never pierced with crystal eyes but the defendant doth that we deny and says in him thy fair appearance lies -2021-09-20 08:34:45.962 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.156250 -2021-09-20 08:34:45.978 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: idle and embittering finally to argue against his own dispassionate certitude that the commandment of love bade us not to love our neighbour as ourselves with the same amount and intensity of love but to love him as ourselves with the same kind of love -Output Transcription: idle and em bittering finally to argue against his own dispassionate certitude that the commandment of love bade us not to love our neighbour as ourselves with the same amount and intensity of love but to love him as ourselves with the same kind of love -2021-09-20 08:34:45.993 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.044444 -2021-09-20 08:34:46.010 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: of what missus neverbend had gone through in providing birds beasts and fishes not to talk of tarts and jellies for the dinner of that day no one but myself can have any idea but it must be admitted that she accomplished her task with thorough success -Output Transcription: of what missus never been had gone through in providing birds beasts and fishes not to talk of tarts and jellies for the dinner of that day no one but myself can have any idea but it must be admitted that she accomplished her task with thorough success -2021-09-20 08:34:46.027 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.042553 -2021-09-20 08:34:46.044 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: indeed irresolution being the keynote of hamlet's soliloquy a clever player could to some extent indicate the whole thirty lines by a silent working of the jaw but at the same time it would be idle to deny that he would miss the finer shades of the dramatist's meaning -Output Transcription: indeed irresolution made the indolent to louie a clever player could to some extent indicate the whole thirty lines by a silage worthy of the job but at the same time it would be idle to deny that he would miss the finer shades of the dramatists meaning -2021-09-20 08:34:46.062 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.183673 -2021-09-20 08:34:46.074 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: her face was an enigma for it inspired everyone with the warmest sympathy and yet if you examined it attentively there was not one beautiful feature she could not be called handsome but no one could have thought her ugly -Output Transcription: her face was an enigma for it inspired everyone with the warmest sympathy and yet if you examine it attentively there was not one beautiful feature she could not be called handsome but no one could have thought her ugly -2021-09-20 08:34:46.086 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.025000 -2021-09-20 08:34:46.100 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: whether or not this principle is liable to exceptions everyone would agree that is has a broad measure of truth though the word exactly might seem an overstatement and it might seem more correct to say that ideas approximately represent impressions -Output Transcription: whether or not this principle is liable to exceptions everyone would agree that it has a broad measure of truth though the word exactly my semen over statement and it might seem more correct to say that it is approximately represent impressions -2021-09-20 08:34:46.113 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.170732 -2021-09-20 08:34:46.127 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: it was further decorated with strange and seemingly cabalistic figures and diagrams suitable to the quaint taste of the age which had been drawn in the stucco when newly laid on and had now grown hard and durable for the admiration of after times -Output Transcription: it was further decorated with strange and seemingly cabalistic figures and diagrams suitable to the quant taste of the age which had been drawn in the stucco when newly laid on and had now grown hard and durable for the admiration of after times -2021-09-20 08:34:46.142 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.022727 -2021-09-20 08:34:46.167 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the guards had a terrible struggle with the goat which was loose in the room and still wanted to fight but finally they subdued the animal and then they took the boolooroo out of the frame he was tied in and brought both him and the goat before queen trot who awaited them in the throne room of the palace -Output Transcription: the guards had a terrible struggle with the goat which was loose in the room and still wanted to fight but finally they subdued the animal and then they took the boy out of the frame was tied in and brought both him and the goat before queen trot who awaited them in the throne room of the palace -2021-09-20 08:34:46.193 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.033333 -2021-09-20 08:34:46.213 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: this attitude springs from a false conception of sin the conception that sin is a small matter easily taken care of by good works that we must present ourselves unto god with a good conscience that we must feel no sin before we may feel that christ was given for our sins -Output Transcription: this attitude springs from a false conception of sin the conception that sin is a small matter easily taken care of by good works that we must present ourselves unto god with a good conscience that we must feel no sin before may feel that christ was given for our sense -2021-09-20 08:34:46.232 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.038462 -2021-09-20 08:34:46.245 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the merganser had a crested head of iridescent green black a broad collar of lustrous white black back black and white wings white belly sides finely pencilled in black and white and a breast of rich chestnut red streaked with black -Output Transcription: the merganser had a crested head of iridescent green black a broad collar of lustrous white black back black and white wings white belly sides finely pencilled in black and white and her breast of rich chestnut red streaked with black -2021-09-20 08:34:46.257 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.024390 -2021-09-20 08:34:46.266 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: associated with this simple form of apparatus were various ingenious details and refinements to secure regularity of operation freedom from inaccuracy and immunity from such tampering as would permit theft of current or damage -Output Transcription: associated with this simple form of apparatus were various ingenious details and refinements to secure regularity of operation freedom from inaccuracy and immunity from such tampering as would permit theft if current or damage -2021-09-20 08:34:46.275 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.029412 -2021-09-20 08:34:46.275 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: this at once compels you to understand that the work is to be imaginative and decorative that it represents beautiful things in the clearest way but not under existing conditions and that in fact you are producing jeweler's work rather than pictures -Output Transcription: this at once compels you to understand that the work is to be imaginative and decorative that it represents beautiful things in the clearest way but not under existing conditions and that in fact you are producing jeweler's work rather than pictures -2021-09-20 08:34:46.276 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:34:46.291 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: hester could only account for the child's character and even then most vaguely and imperfectly by recalling what she herself had been during that momentous period while pearl was imbibing her soul from the spiritual world and her bodily frame from its material of earth -Output Transcription: hester could only account for the child's character and even then most vaguely and imperfectly by recalling what she herself had been during that moment is period while pearl was imbibing her soul from the spiritual world and her bodily frame from its material of earth -2021-09-20 08:34:46.307 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.044444 -2021-09-20 08:34:46.318 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: and she took anders hand and walked with him up the broad marble stairs where soldiers were posted at every third step and through the magnificent halls where courtiers in silk and velvet stood bowing wherever he went -Output Transcription: and she took xander's hand and walked with him up the broad marble stairs where soldiers were posted at every third step and through the magnificent halls where courtiers in silk and velvet stood bowing wherever he went -2021-09-20 08:34:46.328 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.026316 -2021-09-20 08:34:46.340 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the practise of gathering its proselytes into one place prevents the building up and strengthening of foreign branches and inasmuch as extensive and strong organizations are seldom met with abroad very erroneous ideas exist concerning the strength of the church -Output Transcription: the practice of gathering its proselytes into one place prevents the building up and strengthening a foreign branches and inasmuch as extensive and strong organizations are seldom met with abroad very erroneous ideas exist concerning the strength of the church -2021-09-20 08:34:46.351 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.050000 -2021-09-20 08:34:46.363 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: there are however several points in which such an account of recognition is inadequate to begin with it might seem at first sight more correct to define recognition as i have seen this before than as this has existed before -Output Transcription: there are however several points in which such an account of recognition is inadequate to begin with it might seem at first sight more correct to define recognition as i have seen this before then as this has existed before -2021-09-20 08:34:46.375 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.025000 -2021-09-20 08:34:46.392 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: god as a direct consequence of the sin which man thus punished had given her a lovely child whose place was on that same dishonoured bosom to connect her parent for ever with the race and descent of mortals and to be finally a blessed soul in heaven -Output Transcription: god as a direct consequence of the sin which man thus punished had given her a lovely child whose place was on that same dishonored bosom to connect her parent forever with the race and descent of mortals and to be finally a blessed soul in heaven -2021-09-20 08:34:46.409 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.062500 -2021-09-20 08:34:46.425 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: on the table in token that the sentiment of old english hospitality had not been left behind stood a large pewter tankard at the bottom of which had hester or pearl peeped into it they might have seen the frothy remnant of a recent draught of ale -Output Transcription: on the table in token that the sentiment of old english hospitality had not been left behind stood a large pewter tankard at the bottom of which had hester or pearl peeped into it they might have seen the frothy remnant of a recent draft of ale -2021-09-20 08:34:46.441 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.021277 -2021-09-20 08:34:46.455 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: in place of a single hamlet in the smallest corner of which the members could have congregated there now are about seventy stakes of zion and about seven hundred organized wards each ward and stake with its full complement of officers and priesthood organizations -Output Transcription: in place have a single hamlet in the smallest corner of which the members could have congregated there now are about seventy stakes of zion and about seven hundred organized words each word and stake with its full complement of officers and prised organizations -2021-09-20 08:34:46.470 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.090909 -2021-09-20 08:34:46.492 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: but the actual course of development has been somewhat different from this ideal scheme leisure held the first place at the start and came to hold a rank very much above wasteful consumption of goods both as a direct exponent of wealth and as an element in the standard of decency during the quasi peaceable culture -Output Transcription: but the actual course of development has been somewhat different from this ideal scheme leisure held the first place at the start and came to a rank fermentable wasteful consumption of goods both as a direct exponent of wealth and as an element in the standard of decency during the course i peaceful culture -2021-09-20 08:34:46.514 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.125000 -2021-09-20 08:34:46.536 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: p s pray sir excuse me for writing to you a second time i could not help writing partly to tell you how thankful i am for your kindness and partly to let you know that your advice shall not be wasted however sorrowfully and reluctantly it may be at first followed c b -Output Transcription: p s pray sir excuse me for writing to you second time i could not help writing partly to tell you how thankful i am for your kindness and partly to let you know that your advice shall not be wasted however sorrowful and reluctantly it may be at first followed by -2021-09-20 08:34:46.556 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.074074 -2021-09-20 08:34:46.567 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the dynamo electric machine though small was robust for under all the varying speeds of water power and the vicissitudes of the plant to which it belonged it continued in active use until eighteen ninety nine seventeen years -Output Transcription: the dynamo electric machine though small was robust for under all the varying speeds of waterpower and the vicissitudes of the plant to which it belonged it continued in active use until eighteen ninety nine seventeen years -2021-09-20 08:34:46.579 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.052632 -2021-09-20 08:34:46.599 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: if a man had stolen a pound in his youth and had used that pound to amass a huge fortune how much was he obliged to give back the pound he had stolen only or the pound together with the compound interest accruing upon it or all his huge fortune -Output Transcription: if a man had stole on a pound in his youth and had used that pound to amass a huge fortune how much was he obliged to give back the pound he had stolen only or the pound together with the compound interest accruing upon it or all his huge fortune -2021-09-20 08:34:46.618 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.040000 -2021-09-20 08:34:46.631 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: but continued raoul not interrupted by this movement of his friend heaven be praised the french who are pronounced to be thoughtless and indiscreet reckless even are capable of bringing a calm and sound judgment to bear on matters of such high importance -Output Transcription: but continued raoul not interrupted by this moment of his friend heaven be praised the french who are pronounced to be thoughtless and indiscreet reckless even are capable of bringing a calm and sound judgment to barely matters of such high importance -2021-09-20 08:34:46.645 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.069767 -2021-09-20 08:34:46.657 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: our confidence or lack of confidence in the accuracy of a memory image must in fundamental cases be based upon a characteristic of the image itself since we cannot evoke the past bodily and compare it with the present image -Output Transcription: our confidence or lack of confidence in the accuracy of a memory image must and fundamental cases be based upon a characteristic of the image itself since we cannot evoke the past bodily and compare it with the present image -2021-09-20 08:34:46.670 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.025000 -2021-09-20 08:34:46.671 | INFO | deepspeech2x.model:test:372 - Error rate [wer] (2464/?) = 0.068588 -W0920 08:35:01.487519 47262 operator.cc:243] elementwise_mul raises an exception paddle::memory::allocation::BadAlloc, ResourceExhaustedError: - -Out of memory error on GPU 0. Cannot allocate 302.000244MB memory on GPU 0, 15.540100GB memory has been allocated and available memory is only 247.437500MB. - -Please check whether there is any other process using GPU 0. -1. If yes, please stop them, or start PaddlePaddle on another GPU. -2. If no, please decrease the batch size of your model. - - (at /paddle/paddle/fluid/memory/allocation/cuda_allocator.cc:79) -Traceback (most recent call last): - File "/home/huangyuxin/workspace/my_DeepSpeech/DeepSpeech/examples/v18_to_v2x/deepspeech2x/bin/test_export.py", line 58, in - main(config, args) - File "/home/huangyuxin/workspace/my_DeepSpeech/DeepSpeech/examples/v18_to_v2x/deepspeech2x/bin/test_export.py", line 28, in main - main_sp(config, args) - File "/home/huangyuxin/workspace/my_DeepSpeech/DeepSpeech/examples/v18_to_v2x/deepspeech2x/bin/test_export.py", line 24, in main_sp - exp.run_test() - File "/home/huangyuxin/workspace/my_DeepSpeech/DeepSpeech/examples/v18_to_v2x/deepspeech2x/model.py", line 640, in run_test - self.test() - File "/home/huangyuxin/workspace/my_DeepSpeech/DeepSpeech/deepspeech/utils/mp_tools.py", line 27, in wrapper - result = func(*args, **kwargs) - File "", line 2, in test - File "/home/huangyuxin/workspace/my_DeepSpeech/DeepSpeech/tools/venv/lib/python3.7/site-packages/paddle/fluid/dygraph/base.py", line 331, in _decorate_function - return func(*args, **kwargs) - File "/home/huangyuxin/workspace/my_DeepSpeech/DeepSpeech/examples/v18_to_v2x/deepspeech2x/model.py", line 366, in test - texts_len, fout) - File "/home/huangyuxin/workspace/my_DeepSpeech/DeepSpeech/examples/v18_to_v2x/deepspeech2x/model.py", line 309, in compute_metrics - vocab_list, cfg) - File "/home/huangyuxin/workspace/my_DeepSpeech/DeepSpeech/examples/v18_to_v2x/deepspeech2x/model.py", line 451, in compute_result_transcripts - audio_len) - File "/home/huangyuxin/workspace/my_DeepSpeech/DeepSpeech/examples/v18_to_v2x/deepspeech2x/model.py", line 626, in static_forward_offline - self.predictor.run() -RuntimeError: ResourceExhaustedError: - -Out of memory error on GPU 0. Cannot allocate 302.000244MB memory on GPU 0, 15.540100GB memory has been allocated and available memory is only 247.437500MB. - -Please check whether there is any other process using GPU 0. -1. If yes, please stop them, or start PaddlePaddle on another GPU. -2. If no, please decrease the batch size of your model. - - (at /paddle/paddle/fluid/memory/allocation/cuda_allocator.cc:79) - -Failed in evaluation! -BIN_DIR /home/huangyuxin/workspace/my_DeepSpeech/DeepSpeech/examples/v18_to_v2x/deepspeech2x/bin -checkpoint name deepspeech2 -using 1 gpus... -grep: warning: GREP_OPTIONS is deprecated; please use an alias or script -/home/huangyuxin/workspace/my_DeepSpeech/DeepSpeech/tools/venv/lib/python3.7/site-packages/paddle/optimizer/adamw.py:21: DeprecationWarning: Using or importing the ABCs from 'collections' instead of from 'collections.abc' is deprecated, and in 3.8 it will stop working - from collections import Callable -/home/huangyuxin/workspace/my_DeepSpeech/DeepSpeech/tools/venv/lib/python3.7/site-packages/scipy/fftpack/__init__.py:103: DeprecationWarning: The module numpy.dual is deprecated. Instead of using dual, use the functions directly from numpy or scipy. - from numpy.dual import register_func -/home/huangyuxin/workspace/my_DeepSpeech/DeepSpeech/tools/venv/lib/python3.7/site-packages/scipy/special/orthogonal.py:81: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information. -Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations - from numpy import (exp, inf, pi, sqrt, floor, sin, cos, around, int, -/home/huangyuxin/workspace/my_DeepSpeech/DeepSpeech/tools/venv/lib/python3.7/site-packages/scipy/sparse/sputils.py:16: DeprecationWarning: `np.typeDict` is a deprecated alias for `np.sctypeDict`. - supported_dtypes = [np.typeDict[x] for x in supported_dtypes] -/home/huangyuxin/workspace/my_DeepSpeech/DeepSpeech/tools/venv/lib/python3.7/site-packages/swig_decoders-1.1-py3.7-linux-x86_64.egg/swig_decoders.py:15: DeprecationWarning: the imp module is deprecated in favour of importlib; see the module's documentation for alternative uses - import imp -2021-09-20 08:36:50.919 | WARNING | deepspeech2x::199 - override size of paddle.Tensor (`to_static` do not process `size` property, maybe some `paddle` api dependent on it), remove this when fixed! -2021-09-20 08:36:50.920 | WARNING | deepspeech2x::369 - register user GLU to paddle.nn, remove this when fixed! -model_type:offline ------------ Configuration Arguments ----------- -checkpoint_path: exp/deepspeech2/checkpoints/librispeech_v1.8 -config: conf/deepspeech2.yaml -device: gpu -dump_config: None -export_path: exp/deepspeech2/checkpoints/librispeech_v1.8.jit -model_type: offline -nprocs: 1 -opts: [] -output: None -seed: None ------------------------------------------------------------ -collator: - augmentation_config: conf/augmentation.json - batch_size: 64 - delta_delta: False - dither: 1.0 - feat_dim: None - keep_transcription_text: False - max_freq: None - mean_std_filepath: data/mean_std.npz - n_fft: None - num_workers: 2 - random_seed: 0 - shuffle_method: batch_shuffle - sortagrad: True - specgram_type: linear - spm_model_prefix: None - stride_ms: 10.0 - target_dB: -20 - target_sample_rate: 16000 - unit_type: char - use_dB_normalization: True - vocab_filepath: data/vocab.txt - window_ms: 20.0 -data: - dev_manifest: data/manifest.dev - manifest: - max_input_len: 1000.0 - max_output_input_ratio: inf - max_output_len: inf - min_input_len: 0.0 - min_output_input_ratio: 0.0 - min_output_len: 0.0 - test_manifest: data/manifest.test-clean - train_manifest: data/manifest.train -decoding: - alpha: 2.5 - batch_size: 32 - beam_size: 500 - beta: 0.3 - cutoff_prob: 1.0 - cutoff_top_n: 40 - decoding_method: ctc_beam_search - error_rate_type: wer - lang_model_path: data/lm/common_crawl_00.prune01111.trie.klm - num_proc_bsearch: 8 -model: - blank_id: 28 - ctc_grad_norm_type: instance - num_conv_layers: 2 - num_rnn_layers: 3 - rnn_layer_size: 2048 - share_rnn_weights: True - use_gru: False -training: - accum_grad: 1 - checkpoint: - kbest_n: 50 - latest_n: 5 - global_grad_clip: 3.0 - log_interval: 100 - lr: 0.002 - lr_decay: 0.83 - n_epoch: 80 - weight_decay: 1e-06 -2021-09-20 08:36:50.987 | INFO | deepspeech2x.model:setup_dataloader:251 - Setup train/valid/test Dataloader! -W0920 08:36:50.989989 49570 device_context.cc:447] Please NOTE: device: 0, GPU Compute Capability: 7.0, Driver API Version: 10.2, Runtime API Version: 10.1 -W0920 08:36:50.995322 49570 device_context.cc:465] device: 0, cuDNN Version: 7.6. -2021-09-20 08:36:55.465 | INFO | deepspeech.modules.loss:__init__:36 - CTCLoss Loss reduction: sum, div-bs: True -Epoch 0: ExponentialDecay set learning rate to 0.002.2021-09-20 08:36:55.466 | INFO | deepspeech.modules.loss:__init__:45 - CTCLoss Grad Norm Type: instance - -2021-09-20 08:36:55.466 | INFO | deepspeech2x.model:setup_model:165 - DeepSpeech2Model( - (encoder): CRNNEncoder( - (conv): ConvStack( - (conv_in): ConvBn( - (conv): Conv2D(1, 32, kernel_size=[41, 11], stride=[2, 3], padding=(20, 5), data_format=NCHW) - (bn): BatchNorm2D(num_features=32, momentum=0.9, epsilon=1e-05) - ) - (conv_stack): LayerList( - (0): ConvBn( - (conv): Conv2D(32, 32, kernel_size=[21, 11], stride=[2, 1], padding=(10, 5), data_format=NCHW) - (bn): BatchNorm2D(num_features=32, momentum=0.9, epsilon=1e-05) - ) - ) - ) - (rnn): RNNStack( - (rnn_stacks): LayerList( - (0): BiRNNWithBN( - (fw_fc): Linear(in_features=1312, out_features=2048, dtype=float32) - (fw_bn): BatchNorm1D(num_features=2048, momentum=0.9, epsilon=1e-05, data_format=NLC) - (bw_fc): Linear(in_features=1312, out_features=2048, dtype=float32) - (bw_bn): BatchNorm1D(num_features=2048, momentum=0.9, epsilon=1e-05, data_format=NLC) - (fw_cell): RNNCell() - (bw_cell): RNNCell() - (fw_rnn): RNN( - (cell): RNNCell() - ) - (bw_rnn): RNN( - (cell): RNNCell() - ) - ) - (1): BiRNNWithBN( - (fw_fc): Linear(in_features=4096, out_features=2048, dtype=float32) - (fw_bn): BatchNorm1D(num_features=2048, momentum=0.9, epsilon=1e-05, data_format=NLC) - (bw_fc): Linear(in_features=4096, out_features=2048, dtype=float32) - (bw_bn): BatchNorm1D(num_features=2048, momentum=0.9, epsilon=1e-05, data_format=NLC) - (fw_cell): RNNCell() - (bw_cell): RNNCell() - (fw_rnn): RNN( - (cell): RNNCell() - ) - (bw_rnn): RNN( - (cell): RNNCell() - ) - ) - (2): BiRNNWithBN( - (fw_fc): Linear(in_features=4096, out_features=2048, dtype=float32) - (fw_bn): BatchNorm1D(num_features=2048, momentum=0.9, epsilon=1e-05, data_format=NLC) - (bw_fc): Linear(in_features=4096, out_features=2048, dtype=float32) - (bw_bn): BatchNorm1D(num_features=2048, momentum=0.9, epsilon=1e-05, data_format=NLC) - (fw_cell): RNNCell() - (bw_cell): RNNCell() - (fw_rnn): RNN( - (cell): RNNCell() - ) - (bw_rnn): RNN( - (cell): RNNCell() - ) - ) - ) - ) - ) - (decoder): CTCDecoder( - (ctc_lo): Linear(in_features=4096, out_features=29, dtype=float32) - (criterion): CTCLoss( - (loss): CTCLoss() - ) - ) -) -2021-09-20 08:36:55.467 | INFO | deepspeech.utils.layer_tools:print_params:57 - encoder.conv.conv_in.conv.weight | [32, 1, 41, 11] | 14432 | True -2021-09-20 08:36:55.467 | INFO | deepspeech.utils.layer_tools:print_params:57 - encoder.conv.conv_in.bn.weight | [32] | 32 | True -2021-09-20 08:36:55.467 | INFO | deepspeech.utils.layer_tools:print_params:57 - encoder.conv.conv_in.bn.bias | [32] | 32 | True -2021-09-20 08:36:55.468 | INFO | deepspeech.utils.layer_tools:print_params:57 - encoder.conv.conv_in.bn._mean | [32] | 32 | False -2021-09-20 08:36:55.468 | INFO | deepspeech.utils.layer_tools:print_params:57 - encoder.conv.conv_in.bn._variance | [32] | 32 | False -2021-09-20 08:36:55.468 | INFO | deepspeech.utils.layer_tools:print_params:57 - encoder.conv.conv_stack.0.conv.weight | [32, 32, 21, 11] | 236544 | True -2021-09-20 08:36:55.468 | INFO | deepspeech.utils.layer_tools:print_params:57 - encoder.conv.conv_stack.0.bn.weight | [32] | 32 | True -2021-09-20 08:36:55.469 | INFO | deepspeech.utils.layer_tools:print_params:57 - encoder.conv.conv_stack.0.bn.bias | [32] | 32 | True -2021-09-20 08:36:55.469 | INFO | deepspeech.utils.layer_tools:print_params:57 - encoder.conv.conv_stack.0.bn._mean | [32] | 32 | False -2021-09-20 08:36:55.469 | INFO | deepspeech.utils.layer_tools:print_params:57 - encoder.conv.conv_stack.0.bn._variance | [32] | 32 | False -2021-09-20 08:36:55.470 | INFO | deepspeech.utils.layer_tools:print_params:57 - encoder.rnn.rnn_stacks.0.fw_fc.weight | [1312, 2048] | 2686976 | True -2021-09-20 08:36:55.470 | INFO | deepspeech.utils.layer_tools:print_params:57 - encoder.rnn.rnn_stacks.0.fw_bn.weight | [2048] | 2048 | True -2021-09-20 08:36:55.470 | INFO | deepspeech.utils.layer_tools:print_params:57 - encoder.rnn.rnn_stacks.0.fw_bn.bias | [2048] | 2048 | True -2021-09-20 08:36:55.470 | INFO | deepspeech.utils.layer_tools:print_params:57 - encoder.rnn.rnn_stacks.0.fw_bn._mean | [2048] | 2048 | False -2021-09-20 08:36:55.471 | INFO | deepspeech.utils.layer_tools:print_params:57 - encoder.rnn.rnn_stacks.0.fw_bn._variance | [2048] | 2048 | False -2021-09-20 08:36:55.471 | INFO | deepspeech.utils.layer_tools:print_params:57 - encoder.rnn.rnn_stacks.0.fw_cell.weight_hh | [2048, 2048] | 4194304 | True -2021-09-20 08:36:55.471 | INFO | deepspeech.utils.layer_tools:print_params:57 - encoder.rnn.rnn_stacks.0.fw_cell.bias_hh | [2048] | 2048 | True -2021-09-20 08:36:55.472 | INFO | deepspeech.utils.layer_tools:print_params:57 - encoder.rnn.rnn_stacks.0.bw_cell.weight_hh | [2048, 2048] | 4194304 | True -2021-09-20 08:36:55.472 | INFO | deepspeech.utils.layer_tools:print_params:57 - encoder.rnn.rnn_stacks.0.bw_cell.bias_hh | [2048] | 2048 | True -2021-09-20 08:36:55.473 | INFO | deepspeech.utils.layer_tools:print_params:57 - encoder.rnn.rnn_stacks.1.fw_fc.weight | [4096, 2048] | 8388608 | True -2021-09-20 08:36:55.473 | INFO | deepspeech.utils.layer_tools:print_params:57 - encoder.rnn.rnn_stacks.1.fw_bn.weight | [2048] | 2048 | True -2021-09-20 08:36:55.473 | INFO | deepspeech.utils.layer_tools:print_params:57 - encoder.rnn.rnn_stacks.1.fw_bn.bias | [2048] | 2048 | True -2021-09-20 08:36:55.473 | INFO | deepspeech.utils.layer_tools:print_params:57 - encoder.rnn.rnn_stacks.1.fw_bn._mean | [2048] | 2048 | False -2021-09-20 08:36:55.474 | INFO | deepspeech.utils.layer_tools:print_params:57 - encoder.rnn.rnn_stacks.1.fw_bn._variance | [2048] | 2048 | False -2021-09-20 08:36:55.474 | INFO | deepspeech.utils.layer_tools:print_params:57 - encoder.rnn.rnn_stacks.1.fw_cell.weight_hh | [2048, 2048] | 4194304 | True -2021-09-20 08:36:55.474 | INFO | deepspeech.utils.layer_tools:print_params:57 - encoder.rnn.rnn_stacks.1.fw_cell.bias_hh | [2048] | 2048 | True -2021-09-20 08:36:55.475 | INFO | deepspeech.utils.layer_tools:print_params:57 - encoder.rnn.rnn_stacks.1.bw_cell.weight_hh | [2048, 2048] | 4194304 | True -2021-09-20 08:36:55.475 | INFO | deepspeech.utils.layer_tools:print_params:57 - encoder.rnn.rnn_stacks.1.bw_cell.bias_hh | [2048] | 2048 | True -2021-09-20 08:36:55.475 | INFO | deepspeech.utils.layer_tools:print_params:57 - encoder.rnn.rnn_stacks.2.fw_fc.weight | [4096, 2048] | 8388608 | True -2021-09-20 08:36:55.475 | INFO | deepspeech.utils.layer_tools:print_params:57 - encoder.rnn.rnn_stacks.2.fw_bn.weight | [2048] | 2048 | True -2021-09-20 08:36:55.476 | INFO | deepspeech.utils.layer_tools:print_params:57 - encoder.rnn.rnn_stacks.2.fw_bn.bias | [2048] | 2048 | True -2021-09-20 08:36:55.476 | INFO | deepspeech.utils.layer_tools:print_params:57 - encoder.rnn.rnn_stacks.2.fw_bn._mean | [2048] | 2048 | False -2021-09-20 08:36:55.476 | INFO | deepspeech.utils.layer_tools:print_params:57 - encoder.rnn.rnn_stacks.2.fw_bn._variance | [2048] | 2048 | False -2021-09-20 08:36:55.477 | INFO | deepspeech.utils.layer_tools:print_params:57 - encoder.rnn.rnn_stacks.2.fw_cell.weight_hh | [2048, 2048] | 4194304 | True -2021-09-20 08:36:55.477 | INFO | deepspeech.utils.layer_tools:print_params:57 - encoder.rnn.rnn_stacks.2.fw_cell.bias_hh | [2048] | 2048 | True -2021-09-20 08:36:55.477 | INFO | deepspeech.utils.layer_tools:print_params:57 - encoder.rnn.rnn_stacks.2.bw_cell.weight_hh | [2048, 2048] | 4194304 | True -2021-09-20 08:36:55.477 | INFO | deepspeech.utils.layer_tools:print_params:57 - encoder.rnn.rnn_stacks.2.bw_cell.bias_hh | [2048] | 2048 | True -2021-09-20 08:36:55.478 | INFO | deepspeech.utils.layer_tools:print_params:57 - decoder.ctc_lo.weight | [4096, 29] | 118784 | True -2021-09-20 08:36:55.478 | INFO | deepspeech.utils.layer_tools:print_params:57 - decoder.ctc_lo.bias | [29] | 29 | True -2021-09-20 08:36:55.478 | INFO | deepspeech.utils.layer_tools:print_params:60 - Total parameters: 39.0, 42.95M elements. -2021-09-20 08:36:55.479 | INFO | deepspeech2x.model:setup_model:184 - Setup model/optimizer/lr_scheduler! -2021-09-20 08:36:55.503 | INFO | deepspeech.modules.loss:__init__:36 - CTCLoss Loss reduction: sum, div-bs: True -2021-09-20 08:36:55.504 | INFO | deepspeech.modules.loss:__init__:45 - CTCLoss Grad Norm Type: instance -/home/huangyuxin/workspace/my_DeepSpeech/DeepSpeech/tools/venv/lib/python3.7/site-packages/paddle/framework/io.py:412: DeprecationWarning: Using or importing the ABCs from 'collections' instead of from 'collections.abc' is deprecated, and in 3.8 it will stop working - if isinstance(obj, collections.Iterable) and not isinstance(obj, ( -2021-09-20 08:36:56.031 | INFO | deepspeech.utils.checkpoint:load_parameters:117 - Rank 0: Restore model from exp/deepspeech2/checkpoints/librispeech_v1.8.pdparams -2021-09-20 08:36:56.036 | INFO | deepspeech2x.models.ds2.deepspeech2:from_pretrained:243 - checkpoint info: {} -encoder.conv.conv_in.conv.weight | [32, 1, 41, 11] | 14432 -encoder.conv.conv_in.bn.weight | [32] | 32 -encoder.conv.conv_in.bn.bias | [32] | 32 -encoder.conv.conv_in.bn._mean | [32] | 32 -encoder.conv.conv_in.bn._variance | [32] | 32 -encoder.conv.conv_stack.0.conv.weight | [32, 32, 21, 11] | 236544 -encoder.conv.conv_stack.0.bn.weight | [32] | 32 -encoder.conv.conv_stack.0.bn.bias | [32] | 32 -encoder.conv.conv_stack.0.bn._mean | [32] | 32 -encoder.conv.conv_stack.0.bn._variance | [32] | 32 -encoder.rnn.rnn_stacks.0.fw_fc.weight | [1312, 2048] | 2686976 -encoder.rnn.rnn_stacks.0.fw_bn.weight | [2048] | 2048 -encoder.rnn.rnn_stacks.0.fw_bn.bias | [2048] | 2048 -encoder.rnn.rnn_stacks.0.fw_bn._mean | [2048] | 2048 -encoder.rnn.rnn_stacks.0.fw_bn._variance | [2048] | 2048 -encoder.rnn.rnn_stacks.0.bw_fc.weight | [1312, 2048] | 2686976 -encoder.rnn.rnn_stacks.0.bw_bn.weight | [2048] | 2048 -encoder.rnn.rnn_stacks.0.bw_bn.bias | [2048] | 2048 -encoder.rnn.rnn_stacks.0.bw_bn._mean | [2048] | 2048 -encoder.rnn.rnn_stacks.0.bw_bn._variance | [2048] | 2048 -encoder.rnn.rnn_stacks.0.fw_cell.weight_hh | [2048, 2048] | 4194304 -encoder.rnn.rnn_stacks.0.fw_cell.bias_hh | [2048] | 2048 -encoder.rnn.rnn_stacks.0.bw_cell.weight_hh | [2048, 2048] | 4194304 -encoder.rnn.rnn_stacks.0.bw_cell.bias_hh | [2048] | 2048 -encoder.rnn.rnn_stacks.0.fw_rnn.cell.weight_hh | [2048, 2048] | 4194304 -encoder.rnn.rnn_stacks.0.fw_rnn.cell.bias_hh | [2048] | 2048 -encoder.rnn.rnn_stacks.0.bw_rnn.cell.weight_hh | [2048, 2048] | 4194304 -encoder.rnn.rnn_stacks.0.bw_rnn.cell.bias_hh | [2048] | 2048 -encoder.rnn.rnn_stacks.1.fw_fc.weight | [4096, 2048] | 8388608 -encoder.rnn.rnn_stacks.1.fw_bn.weight | [2048] | 2048 -encoder.rnn.rnn_stacks.1.fw_bn.bias | [2048] | 2048 -encoder.rnn.rnn_stacks.1.fw_bn._mean | [2048] | 2048 -encoder.rnn.rnn_stacks.1.fw_bn._variance | [2048] | 2048 -encoder.rnn.rnn_stacks.1.bw_fc.weight | [4096, 2048] | 8388608 -encoder.rnn.rnn_stacks.1.bw_bn.weight | [2048] | 2048 -encoder.rnn.rnn_stacks.1.bw_bn.bias | [2048] | 2048 -encoder.rnn.rnn_stacks.1.bw_bn._mean | [2048] | 2048 -encoder.rnn.rnn_stacks.1.bw_bn._variance | [2048] | 2048 -encoder.rnn.rnn_stacks.1.fw_cell.weight_hh | [2048, 2048] | 4194304 -encoder.rnn.rnn_stacks.1.fw_cell.bias_hh | [2048] | 2048 -encoder.rnn.rnn_stacks.1.bw_cell.weight_hh | [2048, 2048] | 4194304 -encoder.rnn.rnn_stacks.1.bw_cell.bias_hh | [2048] | 2048 -encoder.rnn.rnn_stacks.1.fw_rnn.cell.weight_hh | [2048, 2048] | 4194304 -encoder.rnn.rnn_stacks.1.fw_rnn.cell.bias_hh | [2048] | 2048 -encoder.rnn.rnn_stacks.1.bw_rnn.cell.weight_hh | [2048, 2048] | 4194304 -encoder.rnn.rnn_stacks.1.bw_rnn.cell.bias_hh | [2048] | 2048 -encoder.rnn.rnn_stacks.2.fw_fc.weight | [4096, 2048] | 8388608 -encoder.rnn.rnn_stacks.2.fw_bn.weight | [2048] | 2048 -encoder.rnn.rnn_stacks.2.fw_bn.bias | [2048] | 2048 -encoder.rnn.rnn_stacks.2.fw_bn._mean | [2048] | 2048 -encoder.rnn.rnn_stacks.2.fw_bn._variance | [2048] | 2048 -encoder.rnn.rnn_stacks.2.bw_fc.weight | [4096, 2048] | 8388608 -encoder.rnn.rnn_stacks.2.bw_bn.weight | [2048] | 2048 -encoder.rnn.rnn_stacks.2.bw_bn.bias | [2048] | 2048 -encoder.rnn.rnn_stacks.2.bw_bn._mean | [2048] | 2048 -encoder.rnn.rnn_stacks.2.bw_bn._variance | [2048] | 2048 -encoder.rnn.rnn_stacks.2.fw_cell.weight_hh | [2048, 2048] | 4194304 -encoder.rnn.rnn_stacks.2.fw_cell.bias_hh | [2048] | 2048 -encoder.rnn.rnn_stacks.2.bw_cell.weight_hh | [2048, 2048] | 4194304 -encoder.rnn.rnn_stacks.2.bw_cell.bias_hh | [2048] | 2048 -encoder.rnn.rnn_stacks.2.fw_rnn.cell.weight_hh | [2048, 2048] | 4194304 -encoder.rnn.rnn_stacks.2.fw_rnn.cell.bias_hh | [2048] | 2048 -encoder.rnn.rnn_stacks.2.bw_rnn.cell.weight_hh | [2048, 2048] | 4194304 -encoder.rnn.rnn_stacks.2.bw_rnn.cell.bias_hh | [2048] | 2048 -decoder.ctc_lo.weight | [4096, 29] | 118784 -decoder.ctc_lo.bias | [29] | 29 -Total parameters: 66, 85.55M elements. -/home/huangyuxin/workspace/my_DeepSpeech/DeepSpeech/tools/venv/lib/python3.7/site-packages/paddle/fluid/layers/utils.py:77: DeprecationWarning: Using or importing the ABCs from 'collections' instead of from 'collections.abc' is deprecated, and in 3.8 it will stop working - return (isinstance(seq, collections.Sequence) and -2021-09-20 08:36:56.056 | INFO | deepspeech2x.model:export:403 - Export code: def forward(self, audio, audio_len): - """export model function - - Args: - audio (Tensor): [B, T, D] - audio_len (Tensor): [B] - - Returns: - probs: probs after softmax - """ - eouts, eouts_len = paddle.jit.dy2static.convert_call(self.encoder)(audio, - audio_len) - probs = paddle.jit.dy2static.convert_call(self.decoder.softmax)(eouts) - return probs, eouts_len - -/home/huangyuxin/workspace/my_DeepSpeech/DeepSpeech/tools/venv/lib/python3.7/site-packages/paddle/fluid/framework.py:2249: UserWarning: The Attr(force_cpu) of Op(fill_constant) will be deprecated in the future, please use 'device_guard' instead. 'device_guard' has higher priority when they are used at the same time. - "used at the same time." % type) -/home/huangyuxin/workspace/my_DeepSpeech/DeepSpeech/tools/venv/lib/python3.7/site-packages/paddle/fluid/framework.py:744: DeprecationWarning: `np.bool` is a deprecated alias for the builtin `bool`. To silence this warning, use `bool` by itself. Doing this will not modify any behavior and is safe. If you specifically wanted the numpy scalar type, use `np.bool_` here. -Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations - elif dtype == np.bool: -/home/huangyuxin/workspace/my_DeepSpeech/DeepSpeech/tools/venv/lib/python3.7/site-packages/paddle/fluid/layers/math_op_patch.py:341: UserWarning: /tmp/tmpec_ujvey.py:29 -The behavior of expression A >= B has been unified with greater_equal(X, Y, axis=-1) from Paddle 2.0. If your code works well in the older versions but crashes in this version, try to use greater_equal(X, Y, axis=0) instead of A >= B. This transitional warning will be dropped in the future. - op_type, op_type, EXPRESSION_MAP[method_name])) -/home/huangyuxin/workspace/my_DeepSpeech/DeepSpeech/tools/venv/lib/python3.7/site-packages/paddle/fluid/layers/math_op_patch.py:341: UserWarning: /tmp/tmpv_yb3f3s.py:17 -The behavior of expression A * B has been unified with elementwise_mul(X, Y, axis=-1) from Paddle 2.0. If your code works well in the older versions but crashes in this version, try to use elementwise_mul(X, Y, axis=0) instead of A * B. This transitional warning will be dropped in the future. - op_type, op_type, EXPRESSION_MAP[method_name])) -/home/huangyuxin/workspace/my_DeepSpeech/DeepSpeech/tools/venv/lib/python3.7/site-packages/paddle/fluid/layers/math_op_patch.py:341: UserWarning: /tmp/tmppv66lfdo.py:17 -The behavior of expression A * B has been unified with elementwise_mul(X, Y, axis=-1) from Paddle 2.0. If your code works well in the older versions but crashes in this version, try to use elementwise_mul(X, Y, axis=0) instead of A * B. This transitional warning will be dropped in the future. - op_type, op_type, EXPRESSION_MAP[method_name])) -/home/huangyuxin/workspace/my_DeepSpeech/DeepSpeech/tools/venv/lib/python3.7/site-packages/paddle/fluid/layers/math_op_patch.py:341: UserWarning: /home/huangyuxin/workspace/my_DeepSpeech/DeepSpeech/examples/v18_to_v2x/deepspeech2x/models/ds2/rnn.py:84 -The behavior of expression A + B has been unified with elementwise_add(X, Y, axis=-1) from Paddle 2.0. If your code works well in the older versions but crashes in this version, try to use elementwise_add(X, Y, axis=0) instead of A + B. This transitional warning will be dropped in the future. - op_type, op_type, EXPRESSION_MAP[method_name])) -/home/huangyuxin/workspace/my_DeepSpeech/DeepSpeech/tools/venv/lib/python3.7/site-packages/paddle/fluid/layers/math_op_patch.py:341: UserWarning: /home/huangyuxin/workspace/my_DeepSpeech/DeepSpeech/tools/venv/lib/python3.7/site-packages/paddle/fluid/layers/rnn.py:520 -The behavior of expression A + B has been unified with elementwise_add(X, Y, axis=-1) from Paddle 2.0. If your code works well in the older versions but crashes in this version, try to use elementwise_add(X, Y, axis=0) instead of A + B. This transitional warning will be dropped in the future. - op_type, op_type, EXPRESSION_MAP[method_name])) -using 1 gpus... -Download language model ... -data/lm/common_crawl_00.prune01111.trie.klm already exists, download skipped. -grep: warning: GREP_OPTIONS is deprecated; please use an alias or script -/home/huangyuxin/workspace/my_DeepSpeech/DeepSpeech/tools/venv/lib/python3.7/site-packages/paddle/optimizer/adamw.py:21: DeprecationWarning: Using or importing the ABCs from 'collections' instead of from 'collections.abc' is deprecated, and in 3.8 it will stop working - from collections import Callable -/home/huangyuxin/workspace/my_DeepSpeech/DeepSpeech/tools/venv/lib/python3.7/site-packages/scipy/fftpack/__init__.py:103: DeprecationWarning: The module numpy.dual is deprecated. Instead of using dual, use the functions directly from numpy or scipy. - from numpy.dual import register_func -/home/huangyuxin/workspace/my_DeepSpeech/DeepSpeech/tools/venv/lib/python3.7/site-packages/scipy/special/orthogonal.py:81: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information. -Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations - from numpy import (exp, inf, pi, sqrt, floor, sin, cos, around, int, -/home/huangyuxin/workspace/my_DeepSpeech/DeepSpeech/tools/venv/lib/python3.7/site-packages/scipy/sparse/sputils.py:16: DeprecationWarning: `np.typeDict` is a deprecated alias for `np.sctypeDict`. - supported_dtypes = [np.typeDict[x] for x in supported_dtypes] -/home/huangyuxin/workspace/my_DeepSpeech/DeepSpeech/tools/venv/lib/python3.7/site-packages/swig_decoders-1.1-py3.7-linux-x86_64.egg/swig_decoders.py:15: DeprecationWarning: the imp module is deprecated in favour of importlib; see the module's documentation for alternative uses - import imp -2021-09-20 08:37:22.896 | WARNING | deepspeech2x::199 - override size of paddle.Tensor (`to_static` do not process `size` property, maybe some `paddle` api dependent on it), remove this when fixed! -2021-09-20 08:37:22.896 | WARNING | deepspeech2x::369 - register user GLU to paddle.nn, remove this when fixed! ------------ test_export.py Configuration Arguments ----------- -checkpoint_path: None -config: conf/deepspeech2.yaml -device: gpu -dump_config: None -export_path: exp/deepspeech2/checkpoints/librispeech_v1.8.jit -model_type: offline -nprocs: 1 -opts: [] -output: None -result_file: exp/deepspeech2/checkpoints/librispeech_v1.8.jit.rsl -seed: None ------------------------------------------------------------ -model_type:offline -collator: - augmentation_config: conf/augmentation.json - batch_size: 64 - delta_delta: False - dither: 1.0 - feat_dim: None - keep_transcription_text: False - max_freq: None - mean_std_filepath: data/mean_std.npz - n_fft: None - num_workers: 2 - random_seed: 0 - shuffle_method: batch_shuffle - sortagrad: True - specgram_type: linear - spm_model_prefix: None - stride_ms: 10.0 - target_dB: -20 - target_sample_rate: 16000 - unit_type: char - use_dB_normalization: True - vocab_filepath: data/vocab.txt - window_ms: 20.0 -data: - dev_manifest: data/manifest.dev - manifest: - max_input_len: 1000.0 - max_output_input_ratio: inf - max_output_len: inf - min_input_len: 0.0 - min_output_input_ratio: 0.0 - min_output_len: 0.0 - test_manifest: data/manifest.test-clean - train_manifest: data/manifest.train -decoding: - alpha: 2.5 - batch_size: 32 - beam_size: 500 - beta: 0.3 - cutoff_prob: 1.0 - cutoff_top_n: 40 - decoding_method: ctc_beam_search - error_rate_type: wer - lang_model_path: data/lm/common_crawl_00.prune01111.trie.klm - num_proc_bsearch: 8 -model: - blank_id: 28 - ctc_grad_norm_type: instance - num_conv_layers: 2 - num_rnn_layers: 3 - rnn_layer_size: 2048 - share_rnn_weights: True - use_gru: False -training: - accum_grad: 1 - checkpoint: - kbest_n: 50 - latest_n: 5 - global_grad_clip: 3.0 - log_interval: 100 - lr: 0.002 - lr_decay: 0.83 - n_epoch: 80 - weight_decay: 1e-06 -2021-09-20 08:37:22.961 | INFO | deepspeech2x.model:setup_dataloader:251 - Setup train/valid/test Dataloader! -W0920 08:37:22.963577 49876 device_context.cc:447] Please NOTE: device: 0, GPU Compute Capability: 7.0, Driver API Version: 10.2, Runtime API Version: 10.1 -W0920 08:37:22.969434 49876 device_context.cc:465] device: 0, cuDNN Version: 7.6. -2021-09-20 08:37:30.418 | INFO | deepspeech.modules.loss:__init__:36 - CTCLoss Loss reduction: sum, div-bs: True -2021-09-20 08:37:30.419 | INFO | deepspeech.modules.loss:__init__:45 - CTCLoss Grad Norm Type: instance -2021-09-20 08:37:30.420 | INFO | deepspeech2x.model:setup_model:165 - DeepSpeech2Model( - (encoder): CRNNEncoder( - (conv): ConvStack( - (conv_in): ConvBn( - (conv): Conv2D(1, 32, kernel_size=[41, 11], stride=[2, 3], padding=(20, 5), data_format=NCHW) - (bn): BatchNorm2D(num_features=32, momentum=0.9, epsilon=1e-05) - ) - (conv_stack): LayerList( - (0): ConvBn( - (conv): Conv2D(32, 32, kernel_size=[21, 11], stride=[2, 1], padding=(10, 5), data_format=NCHW) - (bn): BatchNorm2D(num_features=32, momentum=0.9, epsilon=1e-05) - ) - ) - ) - (rnn): RNNStack( - (rnn_stacks): LayerList( - (0): BiRNNWithBN( - (fw_fc): Linear(in_features=1312, out_features=2048, dtype=float32) - (fw_bn): BatchNorm1D(num_features=2048, momentum=0.9, epsilon=1e-05, data_format=NLC) - (bw_fc): Linear(in_features=1312, out_features=2048, dtype=float32) - (bw_bn): BatchNorm1D(num_features=2048, momentum=0.9, epsilon=1e-05, data_format=NLC) - (fw_cell): RNNCell() - (bw_cell): RNNCell() - (fw_rnn): RNN( - (cell): RNNCell() - ) - (bw_rnn): RNN( - (cell): RNNCell() - ) - ) - (1): BiRNNWithBN( - (fw_fc): Linear(in_features=4096, out_features=2048, dtype=float32) - (fw_bn): BatchNorm1D(num_features=2048, momentum=0.9, epsilon=1e-05, data_format=NLC) - (bw_fc): Linear(in_features=4096, out_features=2048, dtype=float32) - (bw_bn): BatchNorm1D(num_features=2048, momentum=0.9, epsilon=1e-05, data_format=NLC) - (fw_cell): RNNCell() - (bw_cell): RNNCell() - (fw_rnn): RNN( - (cell): RNNCell() - ) - (bw_rnn): RNN( - (cell): RNNCell() - ) - ) - (2): BiRNNWithBN( - (fw_fc): Linear(in_features=4096, out_features=2048, dtype=float32) - (fw_bn): BatchNorm1D(num_features=2048, momentum=0.9, epsilon=1e-05, data_format=NLC) - (bw_fc): Linear(in_features=4096, out_features=2048, dtype=float32) - (bw_bn): BatchNorm1D(num_features=2048, momentum=0.9, epsilon=1e-05, data_format=NLC) - (fw_cell): RNNCell() - (bw_cell): RNNCell() - (fw_rnn): RNN( - (cell): RNNCell() - ) - (bw_rnn): RNN( - (cell): RNNCell() - ) - ) - ) - ) - ) - (decoder): CTCDecoder( - (ctc_lo): Linear(in_features=4096, out_features=29, dtype=float32) - (criterion): CTCLoss( - (loss): CTCLoss() - ) - ) -) -Epoch 0: ExponentialDecay set learning rate to 0.002.2021-09-20 08:37:30.420 | INFO | deepspeech.utils.layer_tools:print_params:57 - encoder.conv.conv_in.conv.weight | [32, 1, 41, 11] | 14432 | True - -W0920 08:37:30.433653 49876 analysis_predictor.cc:734] The one-time configuration of analysis predictor failed, which may be due to native predictor called first and its configurations taken effect. ---- Running analysis [ir_graph_build_pass] ---- Running analysis [ir_graph_clean_pass] ---- Running analysis [ir_analysis_pass] ---- Running IR pass [is_test_pass] ---- Running IR pass [simplify_with_basic_ops_pass] ---- Running IR pass [conv_affine_channel_fuse_pass] ---- Running IR pass [conv_eltwiseadd_affine_channel_fuse_pass] ---- Running IR pass [conv_bn_fuse_pass] -I0920 08:37:30.592301 49876 fuse_pass_base.cc:57] --- detected 2 subgraphs ---- Running IR pass [conv_eltwiseadd_bn_fuse_pass] ---- Running IR pass [embedding_eltwise_layernorm_fuse_pass] ---- Running IR pass [multihead_matmul_fuse_pass_v2] ---- Running IR pass [squeeze2_matmul_fuse_pass] ---- Running IR pass [reshape2_matmul_fuse_pass] ---- Running IR pass [flatten2_matmul_fuse_pass] ---- Running IR pass [map_matmul_to_mul_pass] ---- Running IR pass [fc_fuse_pass] ---- Running IR pass [fc_elementwise_layernorm_fuse_pass] ---- Running IR pass [conv_elementwise_add_act_fuse_pass] ---- Running IR pass [conv_elementwise_add2_act_fuse_pass] ---- Running IR pass [conv_elementwise_add_fuse_pass] ---- Running IR pass [transpose_flatten_concat_fuse_pass] ---- Running IR pass [runtime_context_cache_pass] ---- Running analysis [ir_params_sync_among_devices_pass] -I0920 08:37:30.607180 49876 ir_params_sync_among_devices_pass.cc:45] Sync params from CPU to GPU ---- Running analysis [adjust_cudnn_workspace_size_pass] ---- Running analysis [inference_op_replace_pass] ---- Running analysis [memory_optimize_pass] -I0920 08:37:30.707497 49876 memory_optimize_pass.cc:214] Cluster name : cast_0.tmp_0 size: 4 -I0920 08:37:30.707522 49876 memory_optimize_pass.cc:214] Cluster name : range_0.tmp_0 size: 8 -I0920 08:37:30.707526 49876 memory_optimize_pass.cc:214] Cluster name : audio_len size: 8 -I0920 08:37:30.707530 49876 memory_optimize_pass.cc:214] Cluster name : elementwise_mul_14 size: 16384 -I0920 08:37:30.707535 49876 memory_optimize_pass.cc:214] Cluster name : linear_12.tmp_0 size: 8192 -I0920 08:37:30.707537 49876 memory_optimize_pass.cc:214] Cluster name : batch_norm_2.tmp_2 size: 8192 -I0920 08:37:30.707541 49876 memory_optimize_pass.cc:214] Cluster name : concat_2.tmp_0 size: 16384 -I0920 08:37:30.707545 49876 memory_optimize_pass.cc:214] Cluster name : batch_norm_3.tmp_1 size: 8192 -I0920 08:37:30.707548 49876 memory_optimize_pass.cc:214] Cluster name : audio size: 644 ---- Running analysis [ir_graph_to_program_pass] -I0920 08:37:30.801921 49876 analysis_predictor.cc:653] ======= optimize end ======= -I0920 08:37:30.807997 49876 naive_executor.cc:98] --- skip [feed], feed -> audio_len -I0920 08:37:30.808037 49876 naive_executor.cc:98] --- skip [feed], feed -> audio -I0920 08:37:30.810541 49876 naive_executor.cc:98] --- skip [elementwise_mul_14], fetch -> fetch -I0920 08:37:30.810562 49876 naive_executor.cc:98] --- skip [concat_2.tmp_0], fetch -> fetch -2021-09-20 08:37:30.421 | INFO | deepspeech.utils.layer_tools:print_params:57 - encoder.conv.conv_in.bn.weight | [32] | 32 | True -2021-09-20 08:37:30.421 | INFO | deepspeech.utils.layer_tools:print_params:57 - encoder.conv.conv_in.bn.bias | [32] | 32 | True -2021-09-20 08:37:30.421 | INFO | deepspeech.utils.layer_tools:print_params:57 - encoder.conv.conv_in.bn._mean | [32] | 32 | False -2021-09-20 08:37:30.422 | INFO | deepspeech.utils.layer_tools:print_params:57 - encoder.conv.conv_in.bn._variance | [32] | 32 | False -2021-09-20 08:37:30.422 | INFO | deepspeech.utils.layer_tools:print_params:57 - encoder.conv.conv_stack.0.conv.weight | [32, 32, 21, 11] | 236544 | True -2021-09-20 08:37:30.422 | INFO | deepspeech.utils.layer_tools:print_params:57 - encoder.conv.conv_stack.0.bn.weight | [32] | 32 | True -2021-09-20 08:37:30.423 | INFO | deepspeech.utils.layer_tools:print_params:57 - encoder.conv.conv_stack.0.bn.bias | [32] | 32 | True -2021-09-20 08:37:30.423 | INFO | deepspeech.utils.layer_tools:print_params:57 - encoder.conv.conv_stack.0.bn._mean | [32] | 32 | False -2021-09-20 08:37:30.423 | INFO | deepspeech.utils.layer_tools:print_params:57 - encoder.conv.conv_stack.0.bn._variance | [32] | 32 | False -2021-09-20 08:37:30.423 | INFO | deepspeech.utils.layer_tools:print_params:57 - encoder.rnn.rnn_stacks.0.fw_fc.weight | [1312, 2048] | 2686976 | True -2021-09-20 08:37:30.424 | INFO | deepspeech.utils.layer_tools:print_params:57 - encoder.rnn.rnn_stacks.0.fw_bn.weight | [2048] | 2048 | True -2021-09-20 08:37:30.424 | INFO | deepspeech.utils.layer_tools:print_params:57 - encoder.rnn.rnn_stacks.0.fw_bn.bias | [2048] | 2048 | True -2021-09-20 08:37:30.424 | INFO | deepspeech.utils.layer_tools:print_params:57 - encoder.rnn.rnn_stacks.0.fw_bn._mean | [2048] | 2048 | False -2021-09-20 08:37:30.425 | INFO | deepspeech.utils.layer_tools:print_params:57 - encoder.rnn.rnn_stacks.0.fw_bn._variance | [2048] | 2048 | False -2021-09-20 08:37:30.425 | INFO | deepspeech.utils.layer_tools:print_params:57 - encoder.rnn.rnn_stacks.0.fw_cell.weight_hh | [2048, 2048] | 4194304 | True -2021-09-20 08:37:30.425 | INFO | deepspeech.utils.layer_tools:print_params:57 - encoder.rnn.rnn_stacks.0.fw_cell.bias_hh | [2048] | 2048 | True -2021-09-20 08:37:30.426 | INFO | deepspeech.utils.layer_tools:print_params:57 - encoder.rnn.rnn_stacks.0.bw_cell.weight_hh | [2048, 2048] | 4194304 | True -2021-09-20 08:37:30.426 | INFO | deepspeech.utils.layer_tools:print_params:57 - encoder.rnn.rnn_stacks.0.bw_cell.bias_hh | [2048] | 2048 | True -2021-09-20 08:37:30.426 | INFO | deepspeech.utils.layer_tools:print_params:57 - encoder.rnn.rnn_stacks.1.fw_fc.weight | [4096, 2048] | 8388608 | True -2021-09-20 08:37:30.427 | INFO | deepspeech.utils.layer_tools:print_params:57 - encoder.rnn.rnn_stacks.1.fw_bn.weight | [2048] | 2048 | True -2021-09-20 08:37:30.427 | INFO | deepspeech.utils.layer_tools:print_params:57 - encoder.rnn.rnn_stacks.1.fw_bn.bias | [2048] | 2048 | True -2021-09-20 08:37:30.427 | INFO | deepspeech.utils.layer_tools:print_params:57 - encoder.rnn.rnn_stacks.1.fw_bn._mean | [2048] | 2048 | False -2021-09-20 08:37:30.427 | INFO | deepspeech.utils.layer_tools:print_params:57 - encoder.rnn.rnn_stacks.1.fw_bn._variance | [2048] | 2048 | False -2021-09-20 08:37:30.428 | INFO | deepspeech.utils.layer_tools:print_params:57 - encoder.rnn.rnn_stacks.1.fw_cell.weight_hh | [2048, 2048] | 4194304 | True -2021-09-20 08:37:30.428 | INFO | deepspeech.utils.layer_tools:print_params:57 - encoder.rnn.rnn_stacks.1.fw_cell.bias_hh | [2048] | 2048 | True -2021-09-20 08:37:30.428 | INFO | deepspeech.utils.layer_tools:print_params:57 - encoder.rnn.rnn_stacks.1.bw_cell.weight_hh | [2048, 2048] | 4194304 | True -2021-09-20 08:37:30.429 | INFO | deepspeech.utils.layer_tools:print_params:57 - encoder.rnn.rnn_stacks.1.bw_cell.bias_hh | [2048] | 2048 | True -2021-09-20 08:37:30.429 | INFO | deepspeech.utils.layer_tools:print_params:57 - encoder.rnn.rnn_stacks.2.fw_fc.weight | [4096, 2048] | 8388608 | True -2021-09-20 08:37:30.429 | INFO | deepspeech.utils.layer_tools:print_params:57 - encoder.rnn.rnn_stacks.2.fw_bn.weight | [2048] | 2048 | True -2021-09-20 08:37:30.429 | INFO | deepspeech.utils.layer_tools:print_params:57 - encoder.rnn.rnn_stacks.2.fw_bn.bias | [2048] | 2048 | True -2021-09-20 08:37:30.430 | INFO | deepspeech.utils.layer_tools:print_params:57 - encoder.rnn.rnn_stacks.2.fw_bn._mean | [2048] | 2048 | False -2021-09-20 08:37:30.430 | INFO | deepspeech.utils.layer_tools:print_params:57 - encoder.rnn.rnn_stacks.2.fw_bn._variance | [2048] | 2048 | False -2021-09-20 08:37:30.430 | INFO | deepspeech.utils.layer_tools:print_params:57 - encoder.rnn.rnn_stacks.2.fw_cell.weight_hh | [2048, 2048] | 4194304 | True -2021-09-20 08:37:30.430 | INFO | deepspeech.utils.layer_tools:print_params:57 - encoder.rnn.rnn_stacks.2.fw_cell.bias_hh | [2048] | 2048 | True -2021-09-20 08:37:30.431 | INFO | deepspeech.utils.layer_tools:print_params:57 - encoder.rnn.rnn_stacks.2.bw_cell.weight_hh | [2048, 2048] | 4194304 | True -2021-09-20 08:37:30.431 | INFO | deepspeech.utils.layer_tools:print_params:57 - encoder.rnn.rnn_stacks.2.bw_cell.bias_hh | [2048] | 2048 | True -2021-09-20 08:37:30.431 | INFO | deepspeech.utils.layer_tools:print_params:57 - decoder.ctc_lo.weight | [4096, 29] | 118784 | True -2021-09-20 08:37:30.432 | INFO | deepspeech.utils.layer_tools:print_params:57 - decoder.ctc_lo.bias | [29] | 29 | True -2021-09-20 08:37:30.432 | INFO | deepspeech.utils.layer_tools:print_params:60 - Total parameters: 39.0, 42.95M elements. -2021-09-20 08:37:30.433 | INFO | deepspeech2x.model:setup_model:184 - Setup model/optimizer/lr_scheduler! -2021-09-20 08:37:30.811 | INFO | deepspeech2x.model:test:353 - Test Total Examples: 2620 -2021-09-20 08:37:31.788 | INFO | deepspeech.modules.ctc:_init_ext_scorer:166 - begin to initialize the external scorer for decoding -2021-09-20 08:37:45.866 | INFO | deepspeech.modules.ctc:_init_ext_scorer:176 - language model: is_character_based = 0, max_order = 5, dict_size = 400000 -2021-09-20 08:37:46.187 | INFO | deepspeech.modules.ctc:_init_ext_scorer:177 - end initializing scorer -2021-09-20 08:37:46.469 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: a story -Output Transcription: a story -2021-09-20 08:37:46.470 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:37:46.471 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: direction -Output Transcription: direction -2021-09-20 08:37:46.471 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:37:46.472 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: verse two -Output Transcription: first two -2021-09-20 08:37:46.472 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.500000 -2021-09-20 08:37:46.472 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: oh emil -Output Transcription: oh amil -2021-09-20 08:37:46.473 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.500000 -2021-09-20 08:37:46.473 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: indeed ah -Output Transcription: indeed a -2021-09-20 08:37:46.473 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.500000 -2021-09-20 08:37:46.474 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: farewell madam -Output Transcription: farewell madame -2021-09-20 08:37:46.474 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.500000 -2021-09-20 08:37:46.474 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: poor alice -Output Transcription: poor alice -2021-09-20 08:37:46.475 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:37:46.475 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: there just in front -Output Transcription: there just in front -2021-09-20 08:37:46.475 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:37:46.475 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: hans stirs not -Output Transcription: han stirs not -2021-09-20 08:37:46.476 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.333333 -2021-09-20 08:37:46.476 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: marie sighed -Output Transcription: marie's side -2021-09-20 08:37:46.476 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 1.000000 -2021-09-20 08:37:46.477 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: venice -Output Transcription: venice -2021-09-20 08:37:46.477 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:37:46.477 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: what was that -Output Transcription: what was that -2021-09-20 08:37:46.477 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:37:46.478 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: will you forgive me now -Output Transcription: will you forgive me now -2021-09-20 08:37:46.478 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:37:46.478 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: paul sticks to his theme -Output Transcription: pastes to his theme -2021-09-20 08:37:46.479 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.400000 -2021-09-20 08:37:46.479 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: ay me -Output Transcription: i me -2021-09-20 08:37:46.479 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.500000 -2021-09-20 08:37:46.480 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: there is no fear of that sir -Output Transcription: there's no fear of that sir -2021-09-20 08:37:46.480 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.285714 -2021-09-20 08:37:46.481 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: then she suddenly remarked -Output Transcription: then she suddenly remarked -2021-09-20 08:37:46.481 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:37:46.481 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i must know about you -Output Transcription: i must know about you -2021-09-20 08:37:46.481 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:37:46.482 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i delight in your kitchen -Output Transcription: my delight in your kitchen -2021-09-20 08:37:46.482 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.200000 -2021-09-20 08:37:46.483 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: thank you dorcas dear -Output Transcription: thank you darkest deer -2021-09-20 08:37:46.483 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.500000 -2021-09-20 08:37:46.483 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: explain yourself -Output Transcription: explain yourself -2021-09-20 08:37:46.484 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:37:46.484 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: he knows them both -Output Transcription: he knows them both -2021-09-20 08:37:46.484 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:37:46.484 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: you are positive then -Output Transcription: you are positive then -2021-09-20 08:37:46.485 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:37:46.485 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: it is annoyance then -Output Transcription: it is annoyance then -2021-09-20 08:37:46.485 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:37:46.485 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: it was written in latin -Output Transcription: it was written in latin -2021-09-20 08:37:46.486 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:37:46.486 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: have i told you about my new play -Output Transcription: have i told you about my new play -2021-09-20 08:37:46.487 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:37:46.488 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: where was the use of imagining -Output Transcription: where was the use of imagining -2021-09-20 08:37:46.488 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:37:46.489 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: suppose it's a friend -Output Transcription: suppose is a friend -2021-09-20 08:37:46.490 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.250000 -2021-09-20 08:37:46.490 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: that's the way of the world -Output Transcription: that's the way of the world -2021-09-20 08:37:46.491 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:37:46.491 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: experience proves this -Output Transcription: experience proves this -2021-09-20 08:37:46.492 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:37:46.492 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: we don't know where it will take us -Output Transcription: we don't know where it will take us -2021-09-20 08:37:46.493 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:37:46.493 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: only for a minute or so -Output Transcription: only for a minute or so -2021-09-20 08:37:46.493 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:37:46.495 | INFO | deepspeech2x.model:test:372 - Error rate [wer] (32/?) = 0.130081 -2021-09-20 08:37:50.032 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i will practice it -Output Transcription: i will practise it -2021-09-20 08:37:50.034 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.250000 -2021-09-20 08:37:50.034 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: but we're going just the same -Output Transcription: but we're going just the same -2021-09-20 08:37:50.035 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:37:50.035 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: phoenician very good -Output Transcription: phoenician very good -2021-09-20 08:37:50.036 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:37:50.036 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i named nine others and said -Output Transcription: i name nine others and said -2021-09-20 08:37:50.037 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.166667 -2021-09-20 08:37:50.038 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: won't you tell douglas -Output Transcription: won't you tell douglas -2021-09-20 08:37:50.038 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:37:50.039 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: no good my dear watson -Output Transcription: no good my dear watson -2021-09-20 08:37:50.039 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:37:50.040 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: at another time harald asked -Output Transcription: at another time harold asked -2021-09-20 08:37:50.041 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.200000 -2021-09-20 08:37:50.041 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: yes said rachel -Output Transcription: yes said rachel -2021-09-20 08:37:50.042 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:37:50.043 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: to morrow is the examination -Output Transcription: tomorrow is the examination -2021-09-20 08:37:50.044 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.400000 -2021-09-20 08:37:50.044 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the lad had checked him then -Output Transcription: the lad had checked him then -2021-09-20 08:37:50.045 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:37:50.045 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: squeak squeak -Output Transcription: squeak squeak -2021-09-20 08:37:50.045 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:37:50.046 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: he was the last to turn to christ -Output Transcription: he was the last to turn to christ -2021-09-20 08:37:50.046 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:37:50.047 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: probably not till the second post -Output Transcription: probably not til the second post -2021-09-20 08:37:50.048 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.166667 -2021-09-20 08:37:50.049 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: alexandra lets you sleep late -Output Transcription: alexander that you sleep late -2021-09-20 08:37:50.050 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.400000 -2021-09-20 08:37:50.051 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: it's a stock company and rich -Output Transcription: it's a stock company in rich -2021-09-20 08:37:50.052 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.166667 -2021-09-20 08:37:50.053 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: robin fitzooth -Output Transcription: robin fitz -2021-09-20 08:37:50.053 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.500000 -2021-09-20 08:37:50.054 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: and one more this morning -Output Transcription: and one more this morning -2021-09-20 08:37:50.054 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:37:50.054 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the room was empty when he entered -Output Transcription: the room was empty when he entered -2021-09-20 08:37:50.055 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:37:50.055 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: he put his shoes on the table -Output Transcription: he put his shoes on the table -2021-09-20 08:37:50.056 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:37:50.057 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i don't want to stand around and look on -Output Transcription: i don't mind to stand around a morgan -2021-09-20 08:37:50.058 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.444444 -2021-09-20 08:37:50.058 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: he could wait no longer -Output Transcription: he could wait no longer -2021-09-20 08:37:50.059 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:37:50.059 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i got in about ten minutes ago -Output Transcription: i got in about ten minutes ago -2021-09-20 08:37:50.059 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:37:50.060 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: oh bartley what am i to do -Output Transcription: how bartling what am i to do -2021-09-20 08:37:50.061 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.285714 -2021-09-20 08:37:50.061 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: she doesn't take up with anybody you know -Output Transcription: she doesn't take up with anybody you know -2021-09-20 08:37:50.061 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:37:50.061 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the work had to be condensed -Output Transcription: the work had to be condensed -2021-09-20 08:37:50.062 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:37:50.063 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the story's written -Output Transcription: the stories written -2021-09-20 08:37:50.063 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.333333 -2021-09-20 08:37:50.065 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: why are we to be divided -Output Transcription: why are we to be divided -2021-09-20 08:37:50.066 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:37:50.067 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: alexander did not sit down -Output Transcription: alexander did not sit down -2021-09-20 08:37:50.067 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:37:50.068 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: slang is odious -Output Transcription: slang is odious -2021-09-20 08:37:50.068 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:37:50.069 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i painted the eyes red for anger -Output Transcription: i painted the eyes red for anger -2021-09-20 08:37:50.069 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:37:50.071 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: he is but a boy the men said -Output Transcription: he is but a boy the man said -2021-09-20 08:37:50.073 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.125000 -2021-09-20 08:37:50.074 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i am very glad -Output Transcription: i am very glad -2021-09-20 08:37:50.075 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:37:50.077 | INFO | deepspeech2x.model:test:372 - Error rate [wer] (64/?) = 0.114865 -2021-09-20 08:37:52.292 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: fine glorious -Output Transcription: fine pores -2021-09-20 08:37:52.293 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.500000 -2021-09-20 08:37:52.293 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: eliza parsons shook her head -Output Transcription: eliza parsons shook her head -2021-09-20 08:37:52.294 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:37:52.294 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: all is said without a word -Output Transcription: all is said without a word -2021-09-20 08:37:52.295 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:37:52.295 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the woman seemed thoughtful -Output Transcription: the woman seemed thoughtful -2021-09-20 08:37:52.296 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:37:52.296 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: then the leader parted from the line -Output Transcription: then the leader parted from the line -2021-09-20 08:37:52.296 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:37:52.296 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: you don't seem to realize the position -Output Transcription: you don't seem to realize the position -2021-09-20 08:37:52.296 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:37:52.297 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: what is slang -Output Transcription: what is slang -2021-09-20 08:37:52.297 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:37:52.297 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: bring in the table we are hungry -Output Transcription: bring in the table we are hungry -2021-09-20 08:37:52.297 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:37:52.298 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i'll pay all the costs besides -Output Transcription: i'll pay all the cause besides -2021-09-20 08:37:52.298 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.166667 -2021-09-20 08:37:52.299 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: ain't they the greatest -Output Transcription: ain't they the greatest -2021-09-20 08:37:52.299 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:37:52.299 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: your mother the queen was standing by -Output Transcription: your mother the queen was standing by -2021-09-20 08:37:52.300 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:37:52.300 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: he makes it sort of cozier -Output Transcription: he makes it sort of cozier -2021-09-20 08:37:52.300 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:37:52.300 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: it is a duty said i -Output Transcription: it is a duty said i -2021-09-20 08:37:52.301 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:37:52.301 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: just close the door said holmes -Output Transcription: just closed the door said holmes -2021-09-20 08:37:52.302 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.166667 -2021-09-20 08:37:52.302 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i allude to the goddess -Output Transcription: i allude to the goddess -2021-09-20 08:37:52.302 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:37:52.302 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: now to bed boy -Output Transcription: now to bed boy -2021-09-20 08:37:52.303 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:37:52.303 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: so it is said anders -Output Transcription: so it is said anders -2021-09-20 08:37:52.303 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:37:52.303 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the former boolooroo groaned -Output Transcription: the former bore groaned -2021-09-20 08:37:52.304 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.250000 -2021-09-20 08:37:52.304 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: weren't you happy then at all -Output Transcription: weren't you happy then at all -2021-09-20 08:37:52.304 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:37:52.305 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: but that is kaffar's knife -Output Transcription: but that is cair's life -2021-09-20 08:37:52.305 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.400000 -2021-09-20 08:37:52.306 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: ham to be or not to be -Output Transcription: him to be or not to be -2021-09-20 08:37:52.306 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.142857 -2021-09-20 08:37:52.307 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: and how odd the directions will look -Output Transcription: and how odd the directions will look -2021-09-20 08:37:52.307 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:37:52.308 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: so we harried the coast of norway -Output Transcription: so we hurried the coast of norway -2021-09-20 08:37:52.308 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.142857 -2021-09-20 08:37:52.308 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: anders face grew red -Output Transcription: anders face grew red -2021-09-20 08:37:52.309 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:37:52.309 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: mister jago is an american philip -Output Transcription: is iago as an american philip -2021-09-20 08:37:52.310 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.500000 -2021-09-20 08:37:52.311 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: it will be no disappointment to me -Output Transcription: it'll be no disappointment to me -2021-09-20 08:37:52.312 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.285714 -2021-09-20 08:37:52.313 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: ah very well -Output Transcription: a very well -2021-09-20 08:37:52.313 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.333333 -2021-09-20 08:37:52.313 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the university -Output Transcription: the university -2021-09-20 08:37:52.315 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:37:52.315 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i don't anticipate -Output Transcription: i don't anticipate -2021-09-20 08:37:52.315 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:37:52.317 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: oh well sir what about him -Output Transcription: help well sir what about him -2021-09-20 08:37:52.318 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.166667 -2021-09-20 08:37:52.318 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: no more than the dancing -Output Transcription: no more than the dancing -2021-09-20 08:37:52.319 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:37:52.320 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: he's swiftly punished -Output Transcription: he is swiftly punished -2021-09-20 08:37:52.320 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.666667 -2021-09-20 08:37:52.320 | INFO | deepspeech2x.model:test:372 - Error rate [wer] (96/?) = 0.110629 -2021-09-20 08:37:52.978 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: if i feel that way i feel that way -Output Transcription: if i feel that way i feel that way -2021-09-20 08:37:52.979 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:37:52.979 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: yes don't you -Output Transcription: yes don't you -2021-09-20 08:37:52.980 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:37:52.980 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: look closely at life -Output Transcription: look closely at life -2021-09-20 08:37:52.980 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:37:52.981 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: you know captain lake -Output Transcription: you know captain lake -2021-09-20 08:37:52.981 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:37:52.982 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: poyser is not at home is he -Output Transcription: poyser is not at home as he -2021-09-20 08:37:52.982 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.142857 -2021-09-20 08:37:52.982 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: stephanos dedalos -Output Transcription: stefano delos -2021-09-20 08:37:52.983 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 1.000000 -2021-09-20 08:37:52.983 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: these he gave to three of my brothers -Output Transcription: these he gave to three of my brothers -2021-09-20 08:37:52.983 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:37:52.984 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: then he turned to me again frowning -Output Transcription: then he turned to me again frowning -2021-09-20 08:37:52.984 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:37:52.984 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: so it is with the lower animals -Output Transcription: so it is with the lower animals -2021-09-20 08:37:52.984 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:37:52.985 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: who touches me am i in bed -Output Transcription: taches me am i in bed -2021-09-20 08:37:52.985 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.285714 -2021-09-20 08:37:52.986 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i suppose that's the wet season too then -Output Transcription: i suppose that's the wet season too then -2021-09-20 08:37:52.986 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:37:52.986 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: he tried to think how it could be -Output Transcription: he tried to think how it could be -2021-09-20 08:37:52.986 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:37:52.987 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: he is the one with the worst record -Output Transcription: he is the one with the worst record -2021-09-20 08:37:52.987 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:37:52.987 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: that invitation decided her -Output Transcription: that invitation decided her -2021-09-20 08:37:52.987 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:37:52.988 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: but i stayed that spring and built me a boat -Output Transcription: but i stayed that spring and built me a boat -2021-09-20 08:37:52.988 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:37:52.988 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: no its not too soon -Output Transcription: no it's not you soon -2021-09-20 08:37:52.989 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.400000 -2021-09-20 08:37:52.989 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: relapses into silence for the rest of the evening -Output Transcription: relapses into sins for the rest of the inning -2021-09-20 08:37:52.990 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.222222 -2021-09-20 08:37:52.991 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: he acts as though he had not expected us -Output Transcription: he acted to he's not expected us -2021-09-20 08:37:52.992 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.555556 -2021-09-20 08:37:52.992 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: enter lord arthur fluffinose -Output Transcription: entered lord arthur poteet -2021-09-20 08:37:52.993 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.500000 -2021-09-20 08:37:52.993 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: will the hurons hear his groans -Output Transcription: will the herons here his groans -2021-09-20 08:37:52.994 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.333333 -2021-09-20 08:37:52.994 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: how did her mother ever let her go -Output Transcription: how did her mother ever let her go -2021-09-20 08:37:52.994 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:37:52.994 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: you are acute -Output Transcription: you are acute -2021-09-20 08:37:52.995 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:37:52.995 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: spinning indeed -Output Transcription: spinning indeed -2021-09-20 08:37:52.995 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:37:52.995 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: to day i shouted -Output Transcription: today i shouted -2021-09-20 08:37:52.996 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.500000 -2021-09-20 08:37:52.996 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: after all we were awfully young -Output Transcription: after all we were awfully long -2021-09-20 08:37:52.998 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.166667 -2021-09-20 08:37:52.998 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: and all the brethren which are with me -Output Transcription: and all the brethren which are with me -2021-09-20 08:37:52.999 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:37:52.999 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: somehow i had grown nervous -Output Transcription: somehow i had grown nervous -2021-09-20 08:37:53.000 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:37:53.000 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the captain shook his head -Output Transcription: the captain shook his head -2021-09-20 08:37:53.001 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:37:53.001 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: so it seems to me -Output Transcription: so it seems to me -2021-09-20 08:37:53.002 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:37:53.003 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: mister ottley's indeed -Output Transcription: mister outlays indeed -2021-09-20 08:37:53.003 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.333333 -2021-09-20 08:37:53.003 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: she has been dead these twenty years -Output Transcription: she has been dead these twenty years -2021-09-20 08:37:53.005 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:37:53.005 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: he only shook his head -Output Transcription: he only shook his head -2021-09-20 08:37:53.005 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:37:53.008 | INFO | deepspeech2x.model:test:372 - Error rate [wer] (128/?) = 0.112135 -2021-09-20 08:37:53.694 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the count shook his head -Output Transcription: the count shook his head -2021-09-20 08:37:53.695 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:37:53.695 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: she gathered up her reins -Output Transcription: she gathered up her reins -2021-09-20 08:37:53.696 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:37:53.696 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: ocean reigned supreme -Output Transcription: ocean reigned supreme -2021-09-20 08:37:53.696 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:37:53.697 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: why should he not be as other men -Output Transcription: why should he not be as other men -2021-09-20 08:37:53.697 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:37:53.697 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i get nothing but misery out of either -Output Transcription: i get nothing but misery out of either -2021-09-20 08:37:53.697 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:37:53.698 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i'm glad she's held her own since -Output Transcription: i'm glad she held her own sense -2021-09-20 08:37:53.699 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.285714 -2021-09-20 08:37:53.699 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i have my own reasons mister marshall -Output Transcription: i have my own reasons mister marshall -2021-09-20 08:37:53.699 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:37:53.699 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the variability of multiple parts -Output Transcription: the variability of multiple parts -2021-09-20 08:37:53.700 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:37:53.700 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: never that sir he had said -Output Transcription: never that sir he had said -2021-09-20 08:37:53.700 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:37:53.701 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: almost instantly he was forced to the top -Output Transcription: almost instantly was forced to the top -2021-09-20 08:37:53.702 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.125000 -2021-09-20 08:37:53.702 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: and love be false -Output Transcription: and love be false -2021-09-20 08:37:53.702 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:37:53.703 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the chair was empty but he knew -Output Transcription: the chair was empty when he knew -2021-09-20 08:37:53.703 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.142857 -2021-09-20 08:37:53.704 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i boldly lighted my cheroot -Output Transcription: i boldly lighted my to root -2021-09-20 08:37:53.704 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.400000 -2021-09-20 08:37:53.705 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i know he had it this very evening -Output Transcription: i know he had it this very evening -2021-09-20 08:37:53.705 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:37:53.705 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: but now nothing could hold me back -Output Transcription: but now nothing could hold me back -2021-09-20 08:37:53.705 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:37:53.706 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: have i told the truth mister gilchrist -Output Transcription: have i told the truth mister gilchrist -2021-09-20 08:37:53.706 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:37:53.706 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: liter roughly one quart -Output Transcription: later roughly one court -2021-09-20 08:37:53.707 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.500000 -2021-09-20 08:37:53.707 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: it was the beauty of it -Output Transcription: it was the beauty of it -2021-09-20 08:37:53.707 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:37:53.708 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: we're leaving on the abraham lincoln -Output Transcription: re leaving on the abraham lincoln -2021-09-20 08:37:53.708 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.166667 -2021-09-20 08:37:53.709 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: if i can get patients -Output Transcription: if i can get patience -2021-09-20 08:37:53.710 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.200000 -2021-09-20 08:37:53.710 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: it spoils one's best work -Output Transcription: it spoils one's best work -2021-09-20 08:37:53.710 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:37:53.710 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: yes rachel i do love you -Output Transcription: yes rachel i do love you -2021-09-20 08:37:53.711 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:37:53.711 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: you know him i think so -Output Transcription: you know him i think so -2021-09-20 08:37:53.711 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:37:53.711 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: mother dear father do you hear me -Output Transcription: mother dear father do you hear me -2021-09-20 08:37:53.712 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:37:53.712 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i didn't preach without direction -Output Transcription: i didn't preach without direction -2021-09-20 08:37:53.712 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:37:53.712 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the problem was solved -Output Transcription: the problem was solved -2021-09-20 08:37:53.712 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:37:53.714 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: he nods his consent -Output Transcription: he gnawed his consent -2021-09-20 08:37:53.715 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.250000 -2021-09-20 08:37:53.715 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: it's tremendously well put on too -Output Transcription: it's tremendously well put on to -2021-09-20 08:37:53.716 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.166667 -2021-09-20 08:37:53.716 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: this is our last feast with you i said -Output Transcription: this is our last feast with you i said -2021-09-20 08:37:53.716 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:37:53.718 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: oh but i'm glad to get this place mowed -Output Transcription: oh but i'm glad to get this place mode -2021-09-20 08:37:53.719 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.111111 -2021-09-20 08:37:53.720 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: we never had so many of them in here before -Output Transcription: we never had so many of them in here before -2021-09-20 08:37:53.721 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:37:53.722 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: there are few changes in the old quarter -Output Transcription: there are a few changes in the old quarter -2021-09-20 08:37:53.723 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.125000 -2021-09-20 08:37:53.724 | INFO | deepspeech2x.model:test:372 - Error rate [wer] (160/?) = 0.102233 -2021-09-20 08:37:54.368 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the housekeeper led the way and beth followed -Output Transcription: the housekeeper led the way and beth followed -2021-09-20 08:37:54.369 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:37:54.370 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: she pressed his hand gently in gratitude -Output Transcription: she pressed his hand gently in gratitude -2021-09-20 08:37:54.370 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:37:54.371 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: then he comes to the beak of it -Output Transcription: then he comes to the beak of -2021-09-20 08:37:54.371 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.125000 -2021-09-20 08:37:54.372 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: so i did push this fellow -Output Transcription: so i did push this fellow -2021-09-20 08:37:54.372 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:37:54.372 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i want double nine hal lo -Output Transcription: i want double nine hello -2021-09-20 08:37:54.373 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.333333 -2021-09-20 08:37:54.373 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: when i addressed him he answered constrainedly -Output Transcription: when i addressed him he answered constrain ly -2021-09-20 08:37:54.374 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.285714 -2021-09-20 08:37:54.374 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: fathom six feet -Output Transcription: fathom six feet -2021-09-20 08:37:54.375 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:37:54.375 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i was afraid it was nearer home -Output Transcription: i was afraid it was nearer home -2021-09-20 08:37:54.375 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:37:54.375 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: frankly i cannot always say -Output Transcription: frankly i cannot always say -2021-09-20 08:37:54.376 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:37:54.376 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: but there seemed no reason to fear -Output Transcription: but there seemed no reason to fear -2021-09-20 08:37:54.377 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:37:54.377 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: that's what you'd like to be doing is it -Output Transcription: that's what you'd like to be doing is it -2021-09-20 08:37:54.377 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:37:54.378 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: and anyhow there's nothing to understand -Output Transcription: and any how there's nothing to understand -2021-09-20 08:37:54.378 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.333333 -2021-09-20 08:37:54.379 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: bartley bent lower over the fire -Output Transcription: partly bent lowered over the fire -2021-09-20 08:37:54.379 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.333333 -2021-09-20 08:37:54.380 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: she was alone that night -Output Transcription: she was alone that night -2021-09-20 08:37:54.380 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:37:54.380 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the three modes of management -Output Transcription: the three modes of management -2021-09-20 08:37:54.381 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:37:54.381 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i give my consent -Output Transcription: i give my consent -2021-09-20 08:37:54.381 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:37:54.381 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: conseil was my manservant -Output Transcription: conseil was my manservant -2021-09-20 08:37:54.382 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:37:54.382 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: at any rate i say go -Output Transcription: at any rate i say go -2021-09-20 08:37:54.382 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:37:54.383 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i hanna common patience with you -Output Transcription: i had a common patience with you -2021-09-20 08:37:54.383 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.333333 -2021-09-20 08:37:54.384 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: been looking up tooms county -Output Transcription: ten looking up tombs county -2021-09-20 08:37:54.385 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.400000 -2021-09-20 08:37:54.385 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the indian i also thought nothing of -Output Transcription: the indian i also thought nothing of -2021-09-20 08:37:54.385 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:37:54.386 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: but it's worse now it's unbearable -Output Transcription: but it's worse now it's unbearable -2021-09-20 08:37:54.386 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:37:54.386 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i wish i knew myself she cried fiercely -Output Transcription: i wish i knew myself she cried fiercely -2021-09-20 08:37:54.386 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:37:54.387 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: paul came later and is beneath us -Output Transcription: talking later in his beneath us -2021-09-20 08:37:54.388 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.571429 -2021-09-20 08:37:54.388 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: that is comparatively nothing -Output Transcription: that is comparatively nothing -2021-09-20 08:37:54.388 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:37:54.388 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the foul mouthed fellow at the top -Output Transcription: the foul mouthed fellow at the top -2021-09-20 08:37:54.389 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:37:54.389 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: tied to a woman -Output Transcription: tide to a woman -2021-09-20 08:37:54.390 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.250000 -2021-09-20 08:37:54.390 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: cotton she paused -Output Transcription: cotton she paused -2021-09-20 08:37:54.391 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:37:54.392 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: and it ruins a man's disposition -Output Transcription: and it runs a man's disposition -2021-09-20 08:37:54.392 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.166667 -2021-09-20 08:37:54.393 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i can't stand seeing you miserable -Output Transcription: i can't stand seeing you miserable -2021-09-20 08:37:54.394 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:37:54.395 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: it will be such a satisfaction -Output Transcription: it will be such a satisfaction -2021-09-20 08:37:54.395 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:37:54.397 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: o love o troth -Output Transcription: o love o troth -2021-09-20 08:37:54.397 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:37:54.398 | INFO | deepspeech2x.model:test:372 - Error rate [wer] (192/?) = 0.102021 -2021-09-20 08:37:55.091 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: that is very important said holmes -Output Transcription: that is very importance and holmes -2021-09-20 08:37:55.093 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.333333 -2021-09-20 08:37:55.094 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: and would he not be a good gift for our baby -Output Transcription: and would he not be a good gift for baby -2021-09-20 08:37:55.095 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.090909 -2021-09-20 08:37:55.095 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: her eyes wandered to the maid's hands -Output Transcription: her eyes wandered to the maid's hand -2021-09-20 08:37:55.097 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.142857 -2021-09-20 08:37:55.097 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the letter ran as follows -Output Transcription: the letter ran as follows -2021-09-20 08:37:55.097 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:37:55.097 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the call is not to be taken lightly -Output Transcription: the call is not to be taken lightly -2021-09-20 08:37:55.098 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:37:55.098 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: chapter seven on the races of man -Output Transcription: chapter seven on the races of man -2021-09-20 08:37:55.098 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:37:55.098 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i've seen lots of that kind in my day -Output Transcription: i've seen lots of that kind in my day -2021-09-20 08:37:55.099 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:37:55.099 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: my position was too terrible -Output Transcription: my position was too terrible -2021-09-20 08:37:55.099 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:37:55.099 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: my men pounded the table with their fists -Output Transcription: my men pounded the table with their fists -2021-09-20 08:37:55.100 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:37:55.100 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: and then what happens then -Output Transcription: and then what happens the -2021-09-20 08:37:55.100 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.200000 -2021-09-20 08:37:55.101 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: you propose to kidnap me i said -Output Transcription: you propose to kidnap me i said -2021-09-20 08:37:55.101 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:37:55.101 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: during his watch i slept -Output Transcription: during his watch i slept -2021-09-20 08:37:55.101 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:37:55.102 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: rest and be still until i warn you -Output Transcription: rest and be still until i warn you -2021-09-20 08:37:55.102 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:37:55.103 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: and you never used to be cross to me -Output Transcription: and he never used to be cross to me -2021-09-20 08:37:55.103 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.111111 -2021-09-20 08:37:55.104 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: ay and show you some pretty tricks -Output Transcription: i and show you some pretty tricks -2021-09-20 08:37:55.105 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.142857 -2021-09-20 08:37:55.105 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: were i but already on the cart -Output Transcription: were i but already on the cart -2021-09-20 08:37:55.105 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:37:55.105 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: when he finished she said cheerfully -Output Transcription: when he finished she said cheerfully -2021-09-20 08:37:55.106 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:37:55.106 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i say i've been wondering about this business -Output Transcription: i say i've been wondering about this business -2021-09-20 08:37:55.106 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:37:55.107 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: you're foolish why should you do all this -Output Transcription: your foolish why should you do all this -2021-09-20 08:37:55.108 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.125000 -2021-09-20 08:37:55.108 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: then all our good times are over -Output Transcription: then all our good times are over -2021-09-20 08:37:55.108 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:37:55.108 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: sunday august sixteenth -Output Transcription: sunday august sixteen -2021-09-20 08:37:55.109 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.333333 -2021-09-20 08:37:55.109 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: now let's dust the furniture and pictures -Output Transcription: knowles dust the furniture and pictures -2021-09-20 08:37:55.110 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.285714 -2021-09-20 08:37:55.110 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: said lord chelford addressing me -Output Transcription: said lord chelford addressing me -2021-09-20 08:37:55.110 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:37:55.111 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: then he tossed it down and seized the next -Output Transcription: then he tossed it down and seized the next -2021-09-20 08:37:55.111 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:37:55.111 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: chapter one origin -Output Transcription: chapter one origin -2021-09-20 08:37:55.112 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:37:55.113 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: and he deserves a term in state's prison -Output Transcription: and he deserves determined states prison -2021-09-20 08:37:55.113 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.500000 -2021-09-20 08:37:55.114 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: your power is sufficient i said -Output Transcription: your power is sufficient i said -2021-09-20 08:37:55.115 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:37:55.115 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: a little attack of nerves possibly -Output Transcription: a little attack of nerves possibly -2021-09-20 08:37:55.116 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:37:55.117 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: did you look at these papers on the table -Output Transcription: did you look at the papers on the table -2021-09-20 08:37:55.118 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.111111 -2021-09-20 08:37:55.119 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: we suffer stifling pains -Output Transcription: we suffer stifling pains -2021-09-20 08:37:55.120 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:37:55.120 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: at your service sir -Output Transcription: at your service sir -2021-09-20 08:37:55.121 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:37:55.122 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: cries of a nottingham a nottingham -Output Transcription: cries of nottingham in nottingham -2021-09-20 08:37:55.122 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.333333 -2021-09-20 08:37:55.123 | INFO | deepspeech2x.model:test:372 - Error rate [wer] (224/?) = 0.099042 -2021-09-20 08:37:55.932 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: this evening they all said -Output Transcription: this evening they all said -2021-09-20 08:37:55.933 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:37:55.933 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: but it can't be protested the girl -Output Transcription: but it can't be protested the girl -2021-09-20 08:37:55.933 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:37:55.933 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: don't cry don't cry he whispered -Output Transcription: don't cry don't cry he whispered -2021-09-20 08:37:55.934 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:37:55.935 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: take him out thorkel and let him taste your sword -Output Transcription: take him out take and let him taste your sword -2021-09-20 08:37:55.936 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.100000 -2021-09-20 08:37:55.936 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: he's not a man for country quarters -Output Transcription: he's not a man for country quarters -2021-09-20 08:37:55.936 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:37:55.937 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the greeting of the apostle is refreshing -Output Transcription: the greeting of the apostles refreshing -2021-09-20 08:37:55.937 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.285714 -2021-09-20 08:37:55.938 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: have you been in paris much these late years -Output Transcription: have you been in paris much these late years -2021-09-20 08:37:55.938 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:37:55.938 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: if spoken to she would not speak again -Output Transcription: if spoken to she would not speak again -2021-09-20 08:37:55.938 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:37:55.939 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: he could examine the papers in his own office -Output Transcription: he could examine the papers in his own office -2021-09-20 08:37:55.939 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:37:55.939 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: slang makes one shudder -Output Transcription: slang makes one shudder -2021-09-20 08:37:55.939 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:37:55.940 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: she was so strange and human a creature -Output Transcription: she was so strange and human creature -2021-09-20 08:37:55.941 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.125000 -2021-09-20 08:37:55.941 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: we've tortured each other enough for tonight -Output Transcription: with tortured each other enough for tonight -2021-09-20 08:37:55.942 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.142857 -2021-09-20 08:37:55.942 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: we ate at many men's tables uninvited -Output Transcription: we ate it many men's tables uninvited -2021-09-20 08:37:55.943 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.142857 -2021-09-20 08:37:55.943 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: yes it is suppressed -Output Transcription: yes it is suppressed -2021-09-20 08:37:55.944 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:37:55.944 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: and what through the left hand window -Output Transcription: and what through the left hand window -2021-09-20 08:37:55.944 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:37:55.944 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: thee study medicine -Output Transcription: the study medicine -2021-09-20 08:37:55.945 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.333333 -2021-09-20 08:37:55.945 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: miss lake declined the carriage to night -Output Transcription: miss lake declined the carriage tonight -2021-09-20 08:37:55.946 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.285714 -2021-09-20 08:37:55.947 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: but who is this fellow plucking at your sleeve -Output Transcription: but who's this fellow pluck at steve -2021-09-20 08:37:55.947 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.555556 -2021-09-20 08:37:55.948 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: and yet what a fine gallant lad -Output Transcription: and yet what a fine gallant lad -2021-09-20 08:37:55.948 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:37:55.948 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: there was no man sir -Output Transcription: there was no man sir -2021-09-20 08:37:55.948 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:37:55.948 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: but you know more about that than i do sir -Output Transcription: but you know more about that than i do sir -2021-09-20 08:37:55.949 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:37:55.949 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the scene is absolutely arcadian -Output Transcription: the scene is absolutely arcadian -2021-09-20 08:37:55.949 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:37:55.950 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: comb the wool for the whittaws indeed -Output Transcription: come the wool for the widows indeed -2021-09-20 08:37:55.951 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.285714 -2021-09-20 08:37:55.951 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i'm not electioneering just now -Output Transcription: i'm not electioneering just now -2021-09-20 08:37:55.951 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:37:55.952 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: yes hilda i know that he said simply -Output Transcription: yes held i know that he said simply -2021-09-20 08:37:55.953 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.125000 -2021-09-20 08:37:55.954 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: she found the door but it was locked outside -Output Transcription: she found the door but it was locked outside -2021-09-20 08:37:55.954 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:37:55.955 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: sorry we haven't any reception room in the jail -Output Transcription: sorry we haven't any reception room in the jail -2021-09-20 08:37:55.957 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:37:55.957 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: what already here they said to her -Output Transcription: what already here they said to her -2021-09-20 08:37:55.957 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:37:55.958 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: what do you mean inquired louis -Output Transcription: what do you mean inquired louise -2021-09-20 08:37:55.958 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.166667 -2021-09-20 08:37:55.959 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: quite satisfied said eva -Output Transcription: quite satisfied said eva -2021-09-20 08:37:55.959 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:37:55.959 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: now mister soames at your disposal -Output Transcription: now mister sales at your disposal -2021-09-20 08:37:55.961 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.166667 -2021-09-20 08:37:55.961 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: he never loses sight of the purpose of his epistle -Output Transcription: he never loses sight of the purpose of his epistle -2021-09-20 08:37:55.961 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:37:55.963 | INFO | deepspeech2x.model:test:372 - Error rate [wer] (256/?) = 0.097015 -2021-09-20 08:37:56.761 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: no said the tree -Output Transcription: no said the tree -2021-09-20 08:37:56.762 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:37:56.762 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: it was in fact the best weapon of its day -Output Transcription: it was in fact the best weapon of its day -2021-09-20 08:37:56.763 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:37:56.763 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: hello bertie any good in your mind -Output Transcription: elbert and good in your mind -2021-09-20 08:37:56.764 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.428571 -2021-09-20 08:37:56.764 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: for a person to possess knowledge is not enough -Output Transcription: for a person to possess knowledge is not enough -2021-09-20 08:37:56.765 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:37:56.765 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: mohammed also speaks highly of christ -Output Transcription: mohammed also speaks highly of christ -2021-09-20 08:37:56.765 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:37:56.766 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: surely we can submit with good grace -Output Transcription: surely we can submit with good grace -2021-09-20 08:37:56.766 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:37:56.767 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: what in the world is that queried joyce -Output Transcription: where in the world is a query choice -2021-09-20 08:37:56.768 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.500000 -2021-09-20 08:37:56.768 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: by reason and affection -Output Transcription: by reason and affection -2021-09-20 08:37:56.768 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:37:56.768 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: it was almost the tone of hope everybody will stay -Output Transcription: it was almost the tone of hope everybody will stay -2021-09-20 08:37:56.769 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:37:56.769 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: it's almost beyond conjecture -Output Transcription: it's almost beyond conjecture -2021-09-20 08:37:56.769 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:37:56.770 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i asked for commander farragut -Output Transcription: i asked her commander fargo -2021-09-20 08:37:56.770 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.400000 -2021-09-20 08:37:56.770 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: asked the voice in scornful accents -Output Transcription: asked the voice in scornful accents -2021-09-20 08:37:56.771 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:37:56.771 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the history of the house is plain now -Output Transcription: the history of the house is plain now -2021-09-20 08:37:56.771 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:37:56.772 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: above were three students one on each story -Output Transcription: above or three students one on each story -2021-09-20 08:37:56.773 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.125000 -2021-09-20 08:37:56.773 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: she is wild to know how to do things -Output Transcription: she is wild to know how to do things -2021-09-20 08:37:56.773 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:37:56.773 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: he clasped his hands on the desk and said -Output Transcription: he clasped his hands on the desk and said -2021-09-20 08:37:56.774 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:37:56.774 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: oh i've no doubt it's in capital order -Output Transcription: oh i've no doubt it's in capital order -2021-09-20 08:37:56.774 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:37:56.774 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the waves rise above our heads -Output Transcription: the waves rise above our heads -2021-09-20 08:37:56.774 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:37:56.775 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: not all the galatians had become perverted -Output Transcription: not all the elections had become perverted -2021-09-20 08:37:56.776 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.142857 -2021-09-20 08:37:56.776 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: miss milner's health is not good -Output Transcription: miss milner's health is not good -2021-09-20 08:37:56.776 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:37:56.777 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: to their sorrow they were soon undeceived -Output Transcription: to their sorrow they were soon and deceived -2021-09-20 08:37:56.778 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.285714 -2021-09-20 08:37:56.778 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: beware of making that mistake -Output Transcription: beware of making that mistake -2021-09-20 08:37:56.779 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:37:56.779 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i wonder if i've been changed in the night -Output Transcription: i wonder i've been changed in the night -2021-09-20 08:37:56.780 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.111111 -2021-09-20 08:37:56.780 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: this decision was communicated to the girls -Output Transcription: this decision was communicated to the girls -2021-09-20 08:37:56.781 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:37:56.781 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: make acquaintance with mister jago sit together -Output Transcription: make acquaintance with miss iago sit together -2021-09-20 08:37:56.782 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.285714 -2021-09-20 08:37:56.783 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: but i mean to have my innings before long -Output Transcription: but i mean to have my innings before long -2021-09-20 08:37:56.783 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:37:56.783 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: it was myself i was defying hilda -Output Transcription: it was myself i was defying helder -2021-09-20 08:37:56.784 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.142857 -2021-09-20 08:37:56.785 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: and then there was broad street -Output Transcription: and then there was broad street -2021-09-20 08:37:56.785 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:37:56.786 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: may we see gates at once asked kenneth -Output Transcription: maybe see gates at once asked kenneth -2021-09-20 08:37:56.787 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.250000 -2021-09-20 08:37:56.788 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: why should one halt on the way -Output Transcription: why should one hold on the way -2021-09-20 08:37:56.789 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.142857 -2021-09-20 08:37:56.789 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: a route slightly less direct that's all -Output Transcription: a rate slightly less direct that's all -2021-09-20 08:37:56.791 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.142857 -2021-09-20 08:37:56.792 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the top floor belongs to miles mc laren -Output Transcription: the top floor belongs to miles mcclaren -2021-09-20 08:37:56.793 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.250000 -2021-09-20 08:37:56.794 | INFO | deepspeech2x.model:test:372 - Error rate [wer] (288/?) = 0.097532 -2021-09-20 08:37:59.420 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: how jolly it was being young hilda -Output Transcription: how jolly it was being young hilda -2021-09-20 08:37:59.421 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:37:59.421 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i think we did she answered demurely -Output Transcription: i think we did she answered to merely -2021-09-20 08:37:59.422 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.285714 -2021-09-20 08:37:59.422 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: no my little son she said -Output Transcription: no my little fun she said -2021-09-20 08:37:59.423 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.166667 -2021-09-20 08:37:59.424 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i was absent rather more than an hour -Output Transcription: i was absent rather more than an hour -2021-09-20 08:37:59.424 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:37:59.424 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: all the furniture belonged to other times -Output Transcription: all the furniture belonged to other times -2021-09-20 08:37:59.425 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:37:59.425 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: we have a commander who's game for anything -Output Transcription: we have a commander whose game for anything -2021-09-20 08:37:59.426 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.125000 -2021-09-20 08:37:59.426 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i never had any family -Output Transcription: i never had any family -2021-09-20 08:37:59.427 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:37:59.427 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: it won't be much but i'm grateful to find a friend -Output Transcription: it won't be much but i'm grateful to find a friend -2021-09-20 08:37:59.428 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:37:59.428 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: why fades the lotus of the water -Output Transcription: why fades the lotus of the water -2021-09-20 08:37:59.429 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:37:59.429 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: he hung fire again a woman's -Output Transcription: he hung fire again a woman's -2021-09-20 08:37:59.429 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:37:59.430 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: she was here just now said the count -Output Transcription: she was here just now said the count -2021-09-20 08:37:59.430 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:37:59.431 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: they of course must all be altered -Output Transcription: they of course must all be author -2021-09-20 08:37:59.431 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.142857 -2021-09-20 08:37:59.432 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the thralls were bringing in a great pot of meat -Output Transcription: the thralls were ringing in a great pot of meat -2021-09-20 08:37:59.433 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.100000 -2021-09-20 08:37:59.434 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: for once in a way i proved a true prophet -Output Transcription: for once a way i proved a true profit -2021-09-20 08:37:59.435 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.200000 -2021-09-20 08:37:59.436 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: have you not met them anywhere -Output Transcription: have you not met them anywhere -2021-09-20 08:37:59.436 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:37:59.436 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: cried the ladies whose departure had been fixed -Output Transcription: cried the ladies whose departure had been fixed -2021-09-20 08:37:59.436 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:37:59.437 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: that time it pointed us into your father's ships -Output Transcription: that time it points into your father's ships -2021-09-20 08:37:59.438 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.222222 -2021-09-20 08:37:59.438 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: it will not be safe for you to stay here now -Output Transcription: it will not be safe for you to stay here now -2021-09-20 08:37:59.439 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:37:59.439 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: but his mother hugged him close -Output Transcription: but his mother hugged him close -2021-09-20 08:37:59.439 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:37:59.440 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: if mister soames saw them the game was up -Output Transcription: if mister holmes saw them the game was up -2021-09-20 08:37:59.441 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.111111 -2021-09-20 08:37:59.441 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: and she was very fond of you too aunt rachel -Output Transcription: and she was very fond of you too aunt rachel -2021-09-20 08:37:59.441 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:37:59.442 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i want to be doing something on my own account -Output Transcription: i want to be doing something on my own account -2021-09-20 08:37:59.442 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:37:59.443 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: he had his hand upon lake's shoulder -Output Transcription: he had his hand upon lakes shoulder -2021-09-20 08:37:59.443 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.142857 -2021-09-20 08:37:59.444 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: how came you to leave the key in the door -Output Transcription: how came you to leave the key in the door -2021-09-20 08:37:59.444 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:37:59.445 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: montfichet called out for robin to give him an arm -Output Transcription: montrachet called out for robin to give him an arm -2021-09-20 08:37:59.446 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.100000 -2021-09-20 08:37:59.446 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: ah the swamp the cruel swamp -Output Transcription: ah the swamp the cruel swamp -2021-09-20 08:37:59.447 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:37:59.448 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: there is nothing else that looks so jolly -Output Transcription: there's nothing else that looks so jolly -2021-09-20 08:37:59.448 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.250000 -2021-09-20 08:37:59.449 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: yes why not thought anders -Output Transcription: yes why not thought anders -2021-09-20 08:37:59.451 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:37:59.451 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: and these shall follow your thralls in the same way -Output Transcription: and these shall follow your thralls in the same way -2021-09-20 08:37:59.452 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:37:59.453 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: now what have you to say cynthia sprague -Output Transcription: now what have you to say cynthia bragg -2021-09-20 08:37:59.454 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.125000 -2021-09-20 08:37:59.454 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: a broken tip of lead was lying there also -Output Transcription: a broken tip of lead was lying there also -2021-09-20 08:37:59.455 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:37:59.455 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: she's going to put the ironing things away -Output Transcription: she's going to put the ironing things away -2021-09-20 08:37:59.455 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:37:59.456 | INFO | deepspeech2x.model:test:372 - Error rate [wer] (320/?) = 0.092905 -2021-09-20 08:38:01.276 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: so i set guards over every one in that house -Output Transcription: do i set guards over everyone in that house -2021-09-20 08:38:01.277 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.300000 -2021-09-20 08:38:01.278 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: what i say is altogether on your own account -Output Transcription: what i say is altogether on your own account -2021-09-20 08:38:01.278 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:38:01.279 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i never knew your equals for gallowsness -Output Transcription: i never knew your equals for gallows ness -2021-09-20 08:38:01.280 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.285714 -2021-09-20 08:38:01.280 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: mister popham laid down his brush -Output Transcription: mister popham laid down his brush -2021-09-20 08:38:01.280 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:38:01.281 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: lady larkspur starts suddenly and turns towards him -Output Transcription: lady large burster suddenly in transport him -2021-09-20 08:38:01.282 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.625000 -2021-09-20 08:38:01.282 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: was it not enough to say from god the father -Output Transcription: was it not enough to say from god the father -2021-09-20 08:38:01.282 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:38:01.282 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: is it better than anywhere else -Output Transcription: is it better than anywhere else -2021-09-20 08:38:01.283 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:38:01.283 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: she sent me the pages in question before she died -Output Transcription: she sent me the pages in question before she died -2021-09-20 08:38:01.283 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:38:01.283 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: ye may not see his worship now -Output Transcription: ye may not see his worship now -2021-09-20 08:38:01.284 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:38:01.284 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: he had broken into her courtyard -Output Transcription: he had broken into her courtyard -2021-09-20 08:38:01.284 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:38:01.284 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: to the best of my belief they were rolled up -Output Transcription: to the best of my belief they were rolled up -2021-09-20 08:38:01.285 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:38:01.285 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: look at that he held out his hand -Output Transcription: look at that he held out his hand -2021-09-20 08:38:01.285 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:38:01.285 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: he dropped a handful into her lap -Output Transcription: he dropped a handful into her lap -2021-09-20 08:38:01.286 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:38:01.286 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i shall call you esprit -Output Transcription: i shall call you a spree -2021-09-20 08:38:01.287 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.400000 -2021-09-20 08:38:01.288 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: then is the time to introduce a meal on the stage -Output Transcription: then is the time to introduce a melon the stage -2021-09-20 08:38:01.289 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.181818 -2021-09-20 08:38:01.289 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i've been ready to go anywhere for six months -Output Transcription: i'm ready to go anywhere for six months -2021-09-20 08:38:01.290 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.222222 -2021-09-20 08:38:01.290 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: she was tired of other things -Output Transcription: she was tired of other things -2021-09-20 08:38:01.291 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:38:01.291 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: in the meantime i had formed a new idea of her -Output Transcription: in the meantime i had formed a new idea of her -2021-09-20 08:38:01.291 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:38:01.292 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i never see lou's scythe over here -Output Transcription: i never see loose sighed over here -2021-09-20 08:38:01.292 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.285714 -2021-09-20 08:38:01.293 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: how may we obtain remission of our sins -Output Transcription: how may we obtain remission of our sins -2021-09-20 08:38:01.293 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:38:01.294 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i'm afraid i don't know much about the land of oz -Output Transcription: i'm afraid i don't know much about the land of us -2021-09-20 08:38:01.295 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.090909 -2021-09-20 08:38:01.296 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: alexander went over and opened the window for her -Output Transcription: alexander went over and opened the window for her -2021-09-20 08:38:01.296 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:38:01.296 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: you will take me on board count will you not -Output Transcription: you will take me on board count will you not -2021-09-20 08:38:01.296 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:38:01.297 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: may you drink heart's ease from it for many years -Output Transcription: may you drink heart's ease from it for many years -2021-09-20 08:38:01.297 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:38:01.297 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: now the object of this soliloquy is plain -Output Transcription: now the object of this soliloquy is plain -2021-09-20 08:38:01.298 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:38:01.299 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: o life of this our spring -Output Transcription: o life of this our spring -2021-09-20 08:38:01.299 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:38:01.299 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: gloves said the young man -Output Transcription: gloves said the young man -2021-09-20 08:38:01.300 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:38:01.300 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: some others too big cotton county -Output Transcription: some others too big cotton county -2021-09-20 08:38:01.302 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:38:01.302 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: each of us is lashed to some part of the raft -Output Transcription: each of us is lashed to some part of the raft -2021-09-20 08:38:01.302 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:38:01.303 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: now she put her hand on his arm and smiled and said -Output Transcription: now she put her hand on his arm and smiled and said -2021-09-20 08:38:01.304 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:38:01.304 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: but i shall tell only one story -Output Transcription: but i shall tell only one story -2021-09-20 08:38:01.305 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:38:01.306 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: he's been wanting to marry hilda these three years and more -Output Transcription: he's been wanted to marry held of his three years and more -2021-09-20 08:38:01.308 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.363636 -2021-09-20 08:38:01.309 | INFO | deepspeech2x.model:test:372 - Error rate [wer] (352/?) = 0.092093 -2021-09-20 08:38:02.186 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: he took her roughly in his arms do you know what i mean -Output Transcription: he took a roughly in his arms you know what i mean -2021-09-20 08:38:02.188 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.153846 -2021-09-20 08:38:02.189 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: and god the father who raised him from the dead -Output Transcription: in god the father who raised him from the dead -2021-09-20 08:38:02.190 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.100000 -2021-09-20 08:38:02.191 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: beth uneasy at his silence nudged him -Output Transcription: beth uneasy at his silence nudged him -2021-09-20 08:38:02.191 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:38:02.191 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: sir march sixteenth -Output Transcription: sir march sixteenth -2021-09-20 08:38:02.192 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:38:02.192 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: who began the quarrel was it the mormons -Output Transcription: who began the quarrel was of the mormons -2021-09-20 08:38:02.193 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.125000 -2021-09-20 08:38:02.193 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: thus in chaucer's dream -Output Transcription: thus in chaucer's dream -2021-09-20 08:38:02.193 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:38:02.194 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: silence you knave cried montfichet -Output Transcription: silence you knave cried mountfitchet -2021-09-20 08:38:02.194 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.200000 -2021-09-20 08:38:02.195 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: it is the language of wretchedness -Output Transcription: it is the language of wretchedness -2021-09-20 08:38:02.195 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:38:02.195 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i remember saying have we been together -Output Transcription: i remembered saying have we been together -2021-09-20 08:38:02.196 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.142857 -2021-09-20 08:38:02.197 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: george montfichet will never forget this day -Output Transcription: george mountfitchet will never forget this day -2021-09-20 08:38:02.197 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.142857 -2021-09-20 08:38:02.198 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: captain servadac hastened towards him -Output Transcription: captain serva ac hastened toward him -2021-09-20 08:38:02.198 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.600000 -2021-09-20 08:38:02.199 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: but then the picture was gone as quickly as it came -Output Transcription: but then the picture was gone as quickly as it came -2021-09-20 08:38:02.199 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:38:02.199 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: meter roughly one yard three inches -Output Transcription: meter roughly one yard three inches -2021-09-20 08:38:02.199 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:38:02.201 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: they are all sketches made about the villa d'este you see -Output Transcription: they are all sketches made about the villages i you see -2021-09-20 08:38:02.202 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.181818 -2021-09-20 08:38:02.203 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: in those very terms i even added more -Output Transcription: in those very terms i even had it more -2021-09-20 08:38:02.204 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.250000 -2021-09-20 08:38:02.204 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: we'll deal with them later what -Output Transcription: we'll deal with them later what -2021-09-20 08:38:02.204 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:38:02.204 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: you have been so ill my poor rachel -Output Transcription: you have been so ill my poor rachel -2021-09-20 08:38:02.205 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:38:02.205 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: enter hamlet with his favourite boar hound -Output Transcription: enter hamlet with his favorite forehand -2021-09-20 08:38:02.206 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.428571 -2021-09-20 08:38:02.206 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: no one less than that would have a chance -Output Transcription: no one less than that would have a chance -2021-09-20 08:38:02.206 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:38:02.207 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the world was water veiled in mists -Output Transcription: the world was water veiled in mists -2021-09-20 08:38:02.207 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:38:02.208 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: at noon the violence of the storm redoubles -Output Transcription: at noon the violence of the storm redouble -2021-09-20 08:38:02.208 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.125000 -2021-09-20 08:38:02.209 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: they were so extremely curious -Output Transcription: they were so extremely curious -2021-09-20 08:38:02.209 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:38:02.209 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: he quitted the fire and dropped back into his chair -Output Transcription: he quitted the fire and dropped back into his chair -2021-09-20 08:38:02.209 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:38:02.210 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i thank him and take my leave -Output Transcription: i thank him and take my leave -2021-09-20 08:38:02.210 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:38:02.210 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: nothing more than you know yourself -Output Transcription: nothing more than you know yourself -2021-09-20 08:38:02.210 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:38:02.211 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: when i approached your room i examined the window -Output Transcription: when i approached your room i examine the window -2021-09-20 08:38:02.212 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.111111 -2021-09-20 08:38:02.214 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: perhaps i am mistaken answered she -Output Transcription: perhaps i am mistaken answered she -2021-09-20 08:38:02.214 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:38:02.214 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: it seems the king will not consent to it -Output Transcription: it seems the king will not consent to it -2021-09-20 08:38:02.215 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:38:02.216 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: these means cannot be contaminated -Output Transcription: these means cannot be contaminated -2021-09-20 08:38:02.216 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:38:02.217 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: a golden fortune and a happy life -Output Transcription: a golden fortune and a happy life -2021-09-20 08:38:02.218 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:38:02.218 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: please wait for me marie emil coaxed -Output Transcription: please wait for me marie amiel coax -2021-09-20 08:38:02.220 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.285714 -2021-09-20 08:38:02.220 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: it is unintelligible in the dark -Output Transcription: it is unintelligible in the dark -2021-09-20 08:38:02.221 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:38:02.222 | INFO | deepspeech2x.model:test:372 - Error rate [wer] (384/?) = 0.091907 -2021-09-20 08:38:03.096 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: truly this sea is of infinite width -Output Transcription: truly the sea is of infinite with -2021-09-20 08:38:03.097 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.285714 -2021-09-20 08:38:03.097 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: thank you but i don't like it so well as this -Output Transcription: thank you but i don't like it so well as this -2021-09-20 08:38:03.098 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:38:03.098 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: he pulled up a window as if the air were heavy -Output Transcription: he pulled up a window as if the air were heavy -2021-09-20 08:38:03.098 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:38:03.099 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i want to get away from it all swoons -Output Transcription: i want to get away from it all swoon -2021-09-20 08:38:03.100 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.111111 -2021-09-20 08:38:03.100 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: why are we to be denied each other's society -Output Transcription: why are we to be denied each other's society -2021-09-20 08:38:03.101 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:38:03.101 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: he moved uneasily and his chair creaked -Output Transcription: he moved uneasily in his chair creaked -2021-09-20 08:38:03.102 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.142857 -2021-09-20 08:38:03.102 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: another circumstance was most remarkable -Output Transcription: another circumstance was most remarkable -2021-09-20 08:38:03.102 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:38:03.103 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: she had another weight on her mind this christmas -Output Transcription: she had another weight on her mind this christmas -2021-09-20 08:38:03.103 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:38:03.103 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: is there not a meridian everywhere -Output Transcription: is there not a meridian everywhere -2021-09-20 08:38:03.103 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:38:03.104 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: that is true badauderie -Output Transcription: that is true bad diedre -2021-09-20 08:38:03.104 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.500000 -2021-09-20 08:38:03.105 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: and the death of which i dreamt could not alas -Output Transcription: and the death of which i drank could not alas -2021-09-20 08:38:03.106 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.100000 -2021-09-20 08:38:03.107 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: oh sir don't mention it said missus poyser -Output Transcription: sir don't mention it said miss poyser -2021-09-20 08:38:03.107 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.250000 -2021-09-20 08:38:03.108 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: it must remember be one or the other -Output Transcription: it must remember be one or the other -2021-09-20 08:38:03.108 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:38:03.109 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the world brands this a pernicious doctrine -Output Transcription: the world brands this pernicious doctrine -2021-09-20 08:38:03.109 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.142857 -2021-09-20 08:38:03.109 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: and henry might return to england at any moment -Output Transcription: and henry might return to england at any moment -2021-09-20 08:38:03.110 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:38:03.110 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: but anders cared nothing about that -Output Transcription: but anders cared nothing about that -2021-09-20 08:38:03.110 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:38:03.110 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: of starting i didn't know the way to come -Output Transcription: of starting i didn't know the way to come -2021-09-20 08:38:03.111 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:38:03.111 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: goliath makes another discovery -Output Transcription: goliath makes another discovery -2021-09-20 08:38:03.111 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:38:03.112 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: come come i am getting really tired of your absence -Output Transcription: come come i'm getting really tired of your absence -2021-09-20 08:38:03.113 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.200000 -2021-09-20 08:38:03.114 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: you'll never dig it out of the astor library -Output Transcription: you'll never dig it out of the master library -2021-09-20 08:38:03.115 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.111111 -2021-09-20 08:38:03.115 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: now that too is over -Output Transcription: now that too is over -2021-09-20 08:38:03.115 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:38:03.115 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: might learn something useful down there -Output Transcription: might learn something useful down there -2021-09-20 08:38:03.116 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:38:03.116 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i can perceive love clearly enough -Output Transcription: i can perceive love clearly enough -2021-09-20 08:38:03.116 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:38:03.117 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: there's a whale a whale cried the professor -Output Transcription: there is a whale a well cried the professor -2021-09-20 08:38:03.118 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.375000 -2021-09-20 08:38:03.118 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the roarings become lost in the distance -Output Transcription: the rings become lost in the distance -2021-09-20 08:38:03.119 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.142857 -2021-09-20 08:38:03.120 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: mother i'm going to study medicine -Output Transcription: mother i am going to study medicine -2021-09-20 08:38:03.120 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.333333 -2021-09-20 08:38:03.121 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: dismiss your squire robin and bid me good e e n -Output Transcription: dismiss your squire robin and bid me could even -2021-09-20 08:38:03.123 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.363636 -2021-09-20 08:38:03.124 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: surely you are not thinking of going off there -Output Transcription: surely you are not thinking of going on there -2021-09-20 08:38:03.124 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.111111 -2021-09-20 08:38:03.125 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: how it will shine this evening -Output Transcription: how it will shine this evening -2021-09-20 08:38:03.125 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:38:03.126 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: when do you intend that the john bright shall start -Output Transcription: when do you intend that the john bright shall start -2021-09-20 08:38:03.126 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:38:03.127 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i understand bartley i was wrong -Output Transcription: i understand partly i was wrong -2021-09-20 08:38:03.128 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.166667 -2021-09-20 08:38:03.128 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: it would serve you all right if she walked off with carl -Output Transcription: it would serve you all right if she walked off with carl -2021-09-20 08:38:03.129 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:38:03.129 | INFO | deepspeech2x.model:test:372 - Error rate [wer] (416/?) = 0.092654 -2021-09-20 08:38:04.053 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: tuesday august eighteenth -Output Transcription: tuesday august eighteen -2021-09-20 08:38:04.055 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.333333 -2021-09-20 08:38:04.055 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: oh i know that's lorne brandon -Output Transcription: oh i know that's born brandon -2021-09-20 08:38:04.056 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.166667 -2021-09-20 08:38:04.056 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: whose name did you sign to the check asked kenneth -Output Transcription: whose name did you sign to the check asked kenneth -2021-09-20 08:38:04.056 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:38:04.057 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the horizon seems extremely distant -Output Transcription: the horizon seems extremely distant -2021-09-20 08:38:04.057 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:38:04.057 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: that will be a queer thing to be sure -Output Transcription: that will be a queer thing to be sure -2021-09-20 08:38:04.057 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:38:04.058 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: are you certain that this is the mediterranean -Output Transcription: are you certain that this is the mediterranean -2021-09-20 08:38:04.058 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:38:04.058 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: here they said is a rascal who has been harrying our coasts -Output Transcription: here they said is a rascal who has been harrying our coasts -2021-09-20 08:38:04.058 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:38:04.059 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: thank you he returned shortly -Output Transcription: thank you he returned shortly -2021-09-20 08:38:04.059 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:38:04.059 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: my men laughed yes a stingy host -Output Transcription: by men laughed yes a stingy host -2021-09-20 08:38:04.060 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.142857 -2021-09-20 08:38:04.060 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: we sunk his ship and men but him we brought to you -Output Transcription: we sunk his ship and men but him we brought to you -2021-09-20 08:38:04.061 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:38:04.061 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i can't see it in that light said the old lawyer -Output Transcription: i can't see it in that light said the old lawyer -2021-09-20 08:38:04.061 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:38:04.061 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: my overwrought nerves yielded at last -Output Transcription: my overwrought nerves yielded at last -2021-09-20 08:38:04.062 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:38:04.062 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: keep away if you wish when have i ever followed you -Output Transcription: keep away if you wish when have i ever followed you -2021-09-20 08:38:04.062 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:38:04.062 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: he had got into her courtyard -Output Transcription: he had got into her courtyard -2021-09-20 08:38:04.063 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:38:04.063 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: why fade these children of the spring -Output Transcription: why fate these children of the spring -2021-09-20 08:38:04.064 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.142857 -2021-09-20 08:38:04.064 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i really don't think he knew much about it mister holmes -Output Transcription: i really don't think he knew much about it mister holmes -2021-09-20 08:38:04.064 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:38:04.065 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: isn't he the greatest for getting into odd corners -Output Transcription: is he the greatest for getting into odd corners -2021-09-20 08:38:04.066 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.111111 -2021-09-20 08:38:04.066 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: thinking of all this i went to sleep -Output Transcription: thinking of all this i went to sleep -2021-09-20 08:38:04.067 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:38:04.067 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: again again -Output Transcription: again again -2021-09-20 08:38:04.067 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:38:04.068 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: better go he had counselled sententiously -Output Transcription: better go he had counsel sententious ly -2021-09-20 08:38:04.068 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.500000 -2021-09-20 08:38:04.068 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the hope and dream of harvest was upon the land -Output Transcription: the hope and dream of harvest was upon the land -2021-09-20 08:38:04.069 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:38:04.069 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: come therefore and let us fling mud at them -Output Transcription: come therefore and let us fling mud at them -2021-09-20 08:38:04.069 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:38:04.070 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: those fellows are all very loyal even mainhall -Output Transcription: those fellows are all very loyal even main hall -2021-09-20 08:38:04.071 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.250000 -2021-09-20 08:38:04.071 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: hedge a fence -Output Transcription: hedge offense -2021-09-20 08:38:04.071 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.666667 -2021-09-20 08:38:04.072 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: he gazed about perplexed astonished -Output Transcription: he gazed about blacks astonished -2021-09-20 08:38:04.072 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.200000 -2021-09-20 08:38:04.073 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: their masters said missus neverbend -Output Transcription: their masters said missus never bend -2021-09-20 08:38:04.074 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.400000 -2021-09-20 08:38:04.074 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: and yesterday things went on just as usual -Output Transcription: and yesterday things went on just as usual -2021-09-20 08:38:04.075 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:38:04.075 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: we used to dispute about politics and religion -Output Transcription: we used to dispute about politics and religion -2021-09-20 08:38:04.075 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:38:04.076 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the flame is the enemy of the wing -Output Transcription: the flame is the enemy of the wing -2021-09-20 08:38:04.076 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:38:04.076 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i shall never get to twenty at that rate -Output Transcription: i shall never get to twenty at that rate -2021-09-20 08:38:04.077 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:38:04.079 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: come we'll have our coffee in the other room and you can smoke -Output Transcription: come we'll have her coffee the other room as you can smoke -2021-09-20 08:38:04.080 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.230769 -2021-09-20 08:38:04.081 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: alexander unclenched the two hands at his sides -Output Transcription: alexander clenched the two hands at his sides -2021-09-20 08:38:04.082 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.125000 -2021-09-20 08:38:04.082 | INFO | deepspeech2x.model:test:372 - Error rate [wer] (448/?) = 0.091309 -2021-09-20 08:38:05.078 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: said missus horton a few minutes after -Output Transcription: said miss wharton a few minutes after -2021-09-20 08:38:05.079 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.285714 -2021-09-20 08:38:05.079 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: yes my dear watson i have solved the mystery -Output Transcription: yes my dear watson i have solved the mystery -2021-09-20 08:38:05.080 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:38:05.080 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: tea please matthews butler impassively -Output Transcription: t please matthews butler impassively -2021-09-20 08:38:05.081 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.200000 -2021-09-20 08:38:05.082 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: he's another who's awfully keen about her let me introduce you -Output Transcription: he's another was awfully keen about her let me introduce you -2021-09-20 08:38:05.083 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.090909 -2021-09-20 08:38:05.084 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: beg me a room of the sheriff child quickly -Output Transcription: bag mea room of the sheriff child quickly -2021-09-20 08:38:05.085 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.333333 -2021-09-20 08:38:05.085 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: yet he will teach you a few tricks when morning is come -Output Transcription: yet he will teach you a few tricks when morning is come -2021-09-20 08:38:05.085 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:38:05.086 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: enquired robin with his suspicions still upon him -Output Transcription: inquired robin with his suspicions still upon him -2021-09-20 08:38:05.086 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.125000 -2021-09-20 08:38:05.087 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: we wish to talk with him answered kenneth talk -Output Transcription: we wish to talk with him answered kenneth talk -2021-09-20 08:38:05.087 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:38:05.087 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: but what is the delicate mission i asked -Output Transcription: but what is the delicate mission i asked -2021-09-20 08:38:05.087 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:38:05.088 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: we moderns however see the absurdity of it -Output Transcription: we moderns however see the absurdity of it -2021-09-20 08:38:05.088 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:38:05.088 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: a voice from beyond the world was calling -Output Transcription: a voice from beyond the world was calling -2021-09-20 08:38:05.088 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:38:05.090 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: who taught you to scrub a floor i should like to know -Output Transcription: who taught you describe a floor i should like to know -2021-09-20 08:38:05.091 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.166667 -2021-09-20 08:38:05.091 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: oh yes said jack and i'm nowhere -Output Transcription: oh yes said jack and i'm nowhere -2021-09-20 08:38:05.091 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:38:05.092 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: it truly is asserted the magician -Output Transcription: it truly is asserted the magician -2021-09-20 08:38:05.092 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:38:05.093 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i don't know all of them but i know lindens are -Output Transcription: i don't know all of them but i know the entire -2021-09-20 08:38:05.094 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.181818 -2021-09-20 08:38:05.095 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i shouldn't wonder if she could laugh about it with me now -Output Transcription: i shouldn't wonder if she could laugh about it with you now -2021-09-20 08:38:05.097 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.083333 -2021-09-20 08:38:05.097 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: hypocrite a horse dealer -Output Transcription: hypocrite a horse dealer -2021-09-20 08:38:05.097 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:38:05.097 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: yes but that's just the beauty of her passion -Output Transcription: yes but that's just the beauty of her passion -2021-09-20 08:38:05.098 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:38:05.098 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the orchard was sparkling and rippling in the sun -Output Transcription: the orchard was sparkling and rippling in the sun -2021-09-20 08:38:05.098 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:38:05.098 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: you will take them from my private treasure -Output Transcription: you will take them from my private treasure -2021-09-20 08:38:05.098 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:38:05.099 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: thus idleness is the mother -Output Transcription: thus idleness is the mother -2021-09-20 08:38:05.099 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:38:05.099 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: its curtains were of thick and faded tapestry -Output Transcription: its curtains were of thick and faded tapestry -2021-09-20 08:38:05.099 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:38:05.100 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: brother mac ardle brother keogh -Output Transcription: brother mccardle brother key of -2021-09-20 08:38:05.100 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.800000 -2021-09-20 08:38:05.101 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: then he looked down the lagoon was dry -Output Transcription: then he looked down the lagoon was dry -2021-09-20 08:38:05.101 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:38:05.101 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i am convinced of what i say said the count -Output Transcription: i am convinced of what i say said the count -2021-09-20 08:38:05.101 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:38:05.102 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: and what sort of evidence is logically possible -Output Transcription: and what sort of evidence is logically possible -2021-09-20 08:38:05.102 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:38:05.102 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i now use them as ornamental statuary in my garden -Output Transcription: i now use them as ornamental statuary in my garden -2021-09-20 08:38:05.103 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:38:05.104 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: they were certainly no nearer the solution of their problem -Output Transcription: they were certainly known near the solution of their problem -2021-09-20 08:38:05.105 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.200000 -2021-09-20 08:38:05.107 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: there is a more or less elaborate system of rank and grades -Output Transcription: there is a more or less elaborate system of ranking grates -2021-09-20 08:38:05.108 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.250000 -2021-09-20 08:38:05.108 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the years of the days of her dying were ten -Output Transcription: the years of the days of her dying were ten -2021-09-20 08:38:05.109 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:38:05.110 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: a robber viking said the king and scowled at me -Output Transcription: a robber viking said the king and he scowled at me -2021-09-20 08:38:05.111 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.100000 -2021-09-20 08:38:05.112 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: it has cost me twice sixty dollars in annoyance -Output Transcription: it has cost me twice sixty dollars in annoyance -2021-09-20 08:38:05.112 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:38:05.112 | INFO | deepspeech2x.model:test:372 - Error rate [wer] (480/?) = 0.090600 -2021-09-20 08:38:05.963 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: a terrible thought flashed into my mind -Output Transcription: a terrible thought flashed into my mind -2021-09-20 08:38:05.964 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:38:05.965 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the crampness and the poverty are all intended -Output Transcription: the greatness in the poverty are all intended -2021-09-20 08:38:05.966 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.250000 -2021-09-20 08:38:05.966 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: two hours afterwards a terrible shock awoke me -Output Transcription: two hours afterwards a terrible shock awoke me -2021-09-20 08:38:05.966 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:38:05.967 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: do you think so she replied with indifference -Output Transcription: do you think so she replied with indifference -2021-09-20 08:38:05.967 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:38:05.967 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: a further stage is recognition -Output Transcription: a further stage is recognition -2021-09-20 08:38:05.968 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:38:05.969 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i often heard her talk of you in the same sort of way -Output Transcription: i often heard her talk of you and the same sort of way -2021-09-20 08:38:05.970 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.076923 -2021-09-20 08:38:05.971 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: save me masters but you startled me rarely -Output Transcription: save me masters put you startled me rarely -2021-09-20 08:38:05.972 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.125000 -2021-09-20 08:38:05.973 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the raft bears on still to the south east -Output Transcription: the raft bears on still to the southeast -2021-09-20 08:38:05.973 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.222222 -2021-09-20 08:38:05.974 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: but i didn't know you've only to tell me now -Output Transcription: but i didn't know you've only to tell me now -2021-09-20 08:38:05.974 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:38:05.975 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: thirty men one after another raised their horns and said -Output Transcription: thirty men one after another raised their horns and said -2021-09-20 08:38:05.975 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:38:05.975 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the pity that we must come and go -Output Transcription: the pity that we must come and go -2021-09-20 08:38:05.975 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:38:05.976 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: a great saint saint francis xavier -Output Transcription: a great saint saint francis xavier -2021-09-20 08:38:05.976 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:38:05.977 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: gram roughly one twenty eighth of an ounce -Output Transcription: graham roughly one twenty eighth of an ounce -2021-09-20 08:38:05.977 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.125000 -2021-09-20 08:38:05.978 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: with one jump anders got out of his chair -Output Transcription: with one jump enders got out of his chair -2021-09-20 08:38:05.979 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.111111 -2021-09-20 08:38:05.980 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: where thee and thy family are known -Output Transcription: where thee and thy family are now -2021-09-20 08:38:05.980 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.142857 -2021-09-20 08:38:05.981 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: oh that made him so angry -Output Transcription: oh that made him so angry -2021-09-20 08:38:05.981 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:38:05.981 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: said she pointing to the playthings see -Output Transcription: said she pointing to the playthings see -2021-09-20 08:38:05.981 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:38:05.981 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: he was pacing swiftly up and down his room -Output Transcription: he was pacing swiftly up and down his room -2021-09-20 08:38:05.982 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:38:05.982 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: even dialect let that pass -Output Transcription: even dialect let that pass -2021-09-20 08:38:05.982 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:38:05.982 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: yet that task was not so easy as you may suppose -Output Transcription: yet that task was not so easy as you may suppose -2021-09-20 08:38:05.983 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:38:05.983 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: marie's face fell under his brooding gaze -Output Transcription: mary's face fell under his brooding gaze -2021-09-20 08:38:05.984 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.142857 -2021-09-20 08:38:05.984 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the clause seems superfluous on first sight -Output Transcription: the class seems superfluous on first sight -2021-09-20 08:38:05.985 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.142857 -2021-09-20 08:38:05.985 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: you are mate replied the sailor -Output Transcription: you are mate replied the sailor -2021-09-20 08:38:05.986 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:38:05.986 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: stuff it into you his belly counselled him -Output Transcription: stuffed into you his belly counseled him -2021-09-20 08:38:05.987 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.375000 -2021-09-20 08:38:05.988 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: anyhow it's jolly exciting and i can do the dialogue all right -Output Transcription: anyhow it jolly exciting and i can do the dialogue all right -2021-09-20 08:38:05.989 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.083333 -2021-09-20 08:38:05.990 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: mornin girls hope ye feel as well as ye look -Output Transcription: morning girls or evil as well as look -2021-09-20 08:38:05.991 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.500000 -2021-09-20 08:38:05.991 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: but why didn't you tell me when you were here in the summer -Output Transcription: but why didn't you tell me when you were here in the summer -2021-09-20 08:38:05.992 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:38:05.993 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: in despair he hurled himself downward too soon -Output Transcription: in despair he hurled himself downward too soon -2021-09-20 08:38:05.993 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:38:05.994 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the bogus legislature numbered thirty six members -Output Transcription: the bogus legislature numbered thirty six members -2021-09-20 08:38:05.994 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:38:05.995 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: he is supposed to sign all the checks of the concern -Output Transcription: he is supposed to sign all the checks of the concert -2021-09-20 08:38:05.996 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.090909 -2021-09-20 08:38:05.997 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i am afraid there are no signs here said he -Output Transcription: i am afraid there are no signs here said he -2021-09-20 08:38:05.997 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:38:05.998 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: some time you'll tell me please won't you -Output Transcription: sadam you dear me please won't you -2021-09-20 08:38:05.999 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.500000 -2021-09-20 08:38:05.999 | INFO | deepspeech2x.model:test:372 - Error rate [wer] (512/?) = 0.090779 -2021-09-20 08:38:06.892 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: if she could only see phronsie for just one moment -Output Transcription: if she could only see phones ie for just one moment -2021-09-20 08:38:06.894 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.200000 -2021-09-20 08:38:06.895 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: lamb wouldn't care a great deal about many of them i fancy -Output Transcription: lamb wouldn't care a great deal about many of them i fancy -2021-09-20 08:38:06.895 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:38:06.895 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: no sound broke the stillness of the night -Output Transcription: no sound broke the stillness of the night -2021-09-20 08:38:06.895 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:38:06.896 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: did master summon me he said entering -Output Transcription: dead master summon me he said entering -2021-09-20 08:38:06.897 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.142857 -2021-09-20 08:38:06.897 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: you do me a great honour -Output Transcription: you do me a great honour -2021-09-20 08:38:06.897 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:38:06.898 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: it's really too warm in this room to sing don't you feel it -Output Transcription: it's really too warm in this room to sing don't you feel it -2021-09-20 08:38:06.898 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:38:06.899 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: for a long time neither hilda nor bartley spoke -Output Transcription: for a long time neither hide nor bartley spoke -2021-09-20 08:38:06.900 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.111111 -2021-09-20 08:38:06.900 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: they couldn't run nor move they're just pasteboard -Output Transcription: they couldn't run or move they're just pace board -2021-09-20 08:38:06.901 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.375000 -2021-09-20 08:38:06.903 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: your father thought a moment then looked at your mother and smiled -Output Transcription: your father thought a moment and looked at her mother and smiled -2021-09-20 08:38:06.904 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.166667 -2021-09-20 08:38:06.905 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: bracton's a very good fellow i can assure you -Output Transcription: protons a very good fellow i can assure you -2021-09-20 08:38:06.906 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.111111 -2021-09-20 08:38:06.907 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i tell him to give me some coffee if it is good -Output Transcription: i don't give me some coffee if it is good -2021-09-20 08:38:06.908 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.250000 -2021-09-20 08:38:06.909 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: here friend take it and he thrust it into the farmer's hand -Output Transcription: her friend take it and thrust into the farmer's hand -2021-09-20 08:38:06.910 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.250000 -2021-09-20 08:38:06.911 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: onward said a distant voice -Output Transcription: onwer set a distant voice -2021-09-20 08:38:06.911 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.400000 -2021-09-20 08:38:06.912 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the princess inquired no -Output Transcription: the princess inquired no -2021-09-20 08:38:06.912 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:38:06.912 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: a house smells of smoke a ship smells of frolic -Output Transcription: a house smells of smoke a ship smells of frolic -2021-09-20 08:38:06.913 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:38:06.913 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: you will be frank with me i always am -Output Transcription: you will be frank with me i always am -2021-09-20 08:38:06.913 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:38:06.913 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: how you may be wondering are you to begin your masterpiece -Output Transcription: how you may be wondering are you to begin your masterpiece -2021-09-20 08:38:06.914 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:38:06.914 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: come come i called when no one obeyed a fire -Output Transcription: come come i called when no one obeyed a fire -2021-09-20 08:38:06.914 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:38:06.915 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: you can begin by carrying a rod and putting down the figures -Output Transcription: you can begin by carrying a rod and bring down the figures -2021-09-20 08:38:06.917 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.083333 -2021-09-20 08:38:06.917 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: how kind man is after all -Output Transcription: how kind man is after all -2021-09-20 08:38:06.917 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:38:06.918 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: as usual nothing was done in the way of punishment -Output Transcription: as usual nothing was done in the way of punishment -2021-09-20 08:38:06.918 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:38:06.918 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: a great saint saint francis xavier -Output Transcription: a great saint saint francis savior -2021-09-20 08:38:06.919 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.166667 -2021-09-20 08:38:06.920 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: one could hardly hope for any upon so dry a day -Output Transcription: one could hardly hope for any upon so dry day -2021-09-20 08:38:06.921 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.090909 -2021-09-20 08:38:06.922 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: they remain divine regardless of men's opinion -Output Transcription: they remained divine regardless of man's opinion -2021-09-20 08:38:06.922 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.285714 -2021-09-20 08:38:06.923 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: in truth she seemed absolutely hidden behind it -Output Transcription: in truth she seemed absolutely hidden behind it -2021-09-20 08:38:06.923 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:38:06.924 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i think so you have formed a conclusion -Output Transcription: i think so you have formed a conclusion -2021-09-20 08:38:06.924 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:38:06.924 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: larkspur bit me again this morning for the third time -Output Transcription: larkspur bit me again this morning for the third time -2021-09-20 08:38:06.925 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:38:06.926 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: aren't you splashed look at the spider webs all over the grass -Output Transcription: artist splashed look at a spider webs all over the grass -2021-09-20 08:38:06.928 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.250000 -2021-09-20 08:38:06.928 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: at dinner lake was easy and amusing -Output Transcription: at dinner lake was easy and amusing -2021-09-20 08:38:06.929 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:38:06.929 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: it is a very stupid story -Output Transcription: it is a very stupid story -2021-09-20 08:38:06.930 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:38:06.930 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: does thee think thee could stand it six months -Output Transcription: does the think they could stand it six months -2021-09-20 08:38:06.931 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.222222 -2021-09-20 08:38:06.933 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: yes sire and ready dressed for the ballet -Output Transcription: yes sir and ready dressed for the ballet -2021-09-20 08:38:06.934 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.125000 -2021-09-20 08:38:06.934 | INFO | deepspeech2x.model:test:372 - Error rate [wer] (544/?) = 0.091557 -2021-09-20 08:38:09.705 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: no sir certainly not -Output Transcription: no sir certainly not -2021-09-20 08:38:09.706 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:38:09.706 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: but the essence of luther's lectures is there -Output Transcription: but the essence of luther's lectures is there -2021-09-20 08:38:09.707 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:38:09.708 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: there stand so i said and glare and hiss at my foes -Output Transcription: there stand so i said in glare and his of my foes -2021-09-20 08:38:09.709 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.250000 -2021-09-20 08:38:09.710 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i doubt whether branwell was maintaining himself at this time -Output Transcription: i doubt whether branwell was maintaining himself at this time -2021-09-20 08:38:09.710 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:38:09.710 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: he started at the thought he hurried forth sadly -Output Transcription: he started at the thought he hurried forth sadly -2021-09-20 08:38:09.711 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:38:09.711 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: what is slang properly speaking -Output Transcription: what is slang properly speaking -2021-09-20 08:38:09.711 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:38:09.713 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: it was one of the masterly and charming stories of dumas the elder -Output Transcription: it was one of the masterly and charming stories of dama the elder -2021-09-20 08:38:09.714 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.076923 -2021-09-20 08:38:09.715 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: voltaire picked up something from the ground and looked at it -Output Transcription: old chair picked up something from the ground and looked at it -2021-09-20 08:38:09.717 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.181818 -2021-09-20 08:38:09.717 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: then lord tuppeny well what about auction -Output Transcription: then lord duany well what about auction -2021-09-20 08:38:09.718 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.142857 -2021-09-20 08:38:09.719 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i almost think i can remember feeling a little different -Output Transcription: i almost think i can remember feeling a little different -2021-09-20 08:38:09.719 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:38:09.720 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: now what was the sense of it two innocent babies like that -Output Transcription: now what is the sense of it to innocent babies like that -2021-09-20 08:38:09.722 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.166667 -2021-09-20 08:38:09.722 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: millimeter roughly one twenty fifth of an inch -Output Transcription: millimeter roughly one twenty fifth of an inch -2021-09-20 08:38:09.723 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:38:09.723 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: words was it their colours -Output Transcription: words was it their colors -2021-09-20 08:38:09.724 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.200000 -2021-09-20 08:38:09.726 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: for if he's anywhere on the farm we can send for him in a minute -Output Transcription: for if it's anywhere on the farm we can send for him in a minute -2021-09-20 08:38:09.729 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.066667 -2021-09-20 08:38:09.731 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: she saves her hand too she's at her best in the second act -Output Transcription: she saves her hand to she said her best of the second act -2021-09-20 08:38:09.732 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.307692 -2021-09-20 08:38:09.733 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: do you remember that first walk we took together in paris -Output Transcription: do you remember that first walk we took together in paris -2021-09-20 08:38:09.733 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:38:09.734 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: tis late and i go myself within a short space -Output Transcription: this late and i go myself within a short space -2021-09-20 08:38:09.735 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.100000 -2021-09-20 08:38:09.735 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: presently he crossed the floor of his room with decided step -Output Transcription: presently he crossed the floor of his room with decided step -2021-09-20 08:38:09.735 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:38:09.736 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: do you suppose the miniature was a copy of the same thing -Output Transcription: do you suppose the miniature was a copy of the same thing -2021-09-20 08:38:09.736 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:38:09.737 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: up in the sick room zora lay on the little white bed -Output Transcription: up in the sick room or lay on the little white bed -2021-09-20 08:38:09.739 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.083333 -2021-09-20 08:38:09.739 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: but even the unsuccessful dramatist has his moments -Output Transcription: but even the unsuccessful dramatist has his moments -2021-09-20 08:38:09.739 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:38:09.741 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the most they could claim is that they were sent by others -Output Transcription: the most they could claim is that they were simply others -2021-09-20 08:38:09.742 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.166667 -2021-09-20 08:38:09.742 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i did not then realize the importance of the ministry -Output Transcription: i did not then realize the importance of the ministry -2021-09-20 08:38:09.743 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:38:09.743 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: embrace him and forget about the nature of god -Output Transcription: embrace him and forget about the nature of god -2021-09-20 08:38:09.743 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:38:09.744 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: truly such a horse should be worth much in nottingham fair -Output Transcription: truly such a horse would be worth much and nottingham fair -2021-09-20 08:38:09.746 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.181818 -2021-09-20 08:38:09.747 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: what would become of your gun were i to kidnap you -Output Transcription: what would become with your gun were i to colnago -2021-09-20 08:38:09.748 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.272727 -2021-09-20 08:38:09.749 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: but you believe in some education asked mary taylor -Output Transcription: do you believe in some education asked mary taylor -2021-09-20 08:38:09.751 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.111111 -2021-09-20 08:38:09.751 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: those clouds seem as if they were going to crush the sea -Output Transcription: those clouds seem as if they were going to crush the sea -2021-09-20 08:38:09.751 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:38:09.752 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: soon the whole bridge was trembling and resounding -Output Transcription: soon the whole bridge was trembling and resounding -2021-09-20 08:38:09.753 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:38:09.753 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: image of weakness art thou but a worm -Output Transcription: image of weakness art thou but a worm -2021-09-20 08:38:09.754 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:38:09.755 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: he had the faith in him that moves mountains -Output Transcription: he had the faith in him that moves mountains -2021-09-20 08:38:09.755 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:38:09.756 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: oh i would not venture to say sir -Output Transcription: oh i would not venture to say sir -2021-09-20 08:38:09.756 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:38:09.756 | INFO | deepspeech2x.model:test:372 - Error rate [wer] (576/?) = 0.090665 -2021-09-20 08:38:11.794 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: this was at the march election eighteen fifty five -Output Transcription: this was at the march election eighteen fifty five -2021-09-20 08:38:11.795 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:38:11.797 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: in the stern i curved the tail up almost as high as the head -Output Transcription: in the stern i carved the tail up almost as high as the head -2021-09-20 08:38:11.798 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.071429 -2021-09-20 08:38:11.799 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: this is no sinful pride it is holy pride -Output Transcription: this is no sinful pride in his holy pride -2021-09-20 08:38:11.800 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.222222 -2021-09-20 08:38:11.800 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: one might be with less reason than now -Output Transcription: one might be with less reason than now -2021-09-20 08:38:11.801 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:38:11.801 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: he impressed me as being a perfectly honest man -Output Transcription: he impressed me as being a perfectly honest man -2021-09-20 08:38:11.801 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:38:11.801 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the rest of you off a viking he had three ships -Output Transcription: the rest of you off a viking he had three ships -2021-09-20 08:38:11.802 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:38:11.802 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: and he added something still less complimentary -Output Transcription: and he added something still less complimentary -2021-09-20 08:38:11.802 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:38:11.802 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i did not even take the precaution of smoking up the chimney -Output Transcription: i did not even take the precaution of smoking up the chimney -2021-09-20 08:38:11.803 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:38:11.803 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i am so very tired of being all alone here -Output Transcription: i am so very tired of being all alone here -2021-09-20 08:38:11.803 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:38:11.803 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: pray follow us with mine and my lord sheriff's men -Output Transcription: pray follow us with mine and my lord sheriff's men -2021-09-20 08:38:11.804 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:38:11.805 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: mister soames was somewhat overwhelmed by this flood of information -Output Transcription: mister psalms was somewhat overwhelmed by this flood of information -2021-09-20 08:38:11.805 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.100000 -2021-09-20 08:38:11.806 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: perhaps she too might be there waiting weeping -Output Transcription: perhaps she too might be there waiting weeping -2021-09-20 08:38:11.806 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:38:11.808 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: it was so dark that i could see nothing but a few sparks on the hearth -Output Transcription: he was so dark that i could see nothing but a few sparks on the hearth -2021-09-20 08:38:11.810 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.062500 -2021-09-20 08:38:11.810 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: run back uncas and bring me the size of the singer's foot -Output Transcription: run back uncas and bring me the size of the singer's foot -2021-09-20 08:38:11.811 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:38:11.811 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: however the grace and peace of god will -Output Transcription: however the grace and peace of god will -2021-09-20 08:38:11.811 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:38:11.812 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: in this monotonous life of mine that was a pleasant event -Output Transcription: in this monotonous life in mind that was a pleasant event -2021-09-20 08:38:11.813 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.181818 -2021-09-20 08:38:11.814 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: mainhall liked alexander because he was an engineer -Output Transcription: may hold like alexander because he was an engineer -2021-09-20 08:38:11.815 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.375000 -2021-09-20 08:38:11.816 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the squire helped to thrust them all in and entered swiftly himself -Output Transcription: the squire helped to thrust them all land and entered swiftly himself -2021-09-20 08:38:11.818 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.083333 -2021-09-20 08:38:11.818 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: up and down the water we went to get much wealth and much frolic -Output Transcription: up and down the water we went to get much wealth and much frolic -2021-09-20 08:38:11.818 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:38:11.818 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: concord returned to its place amidst the tents -Output Transcription: concord returned to its place amidst the tents -2021-09-20 08:38:11.819 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:38:11.819 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: we'll be quite comfortable here i told conseil -Output Transcription: will be quite comfortable here i told conseil -2021-09-20 08:38:11.820 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.125000 -2021-09-20 08:38:11.820 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: men should not speculate about the nature of god -Output Transcription: men should not speculate about the nature of god -2021-09-20 08:38:11.820 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:38:11.821 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: they are cousins you know we are all cousins -Output Transcription: their cousins you know we are all cousins -2021-09-20 08:38:11.822 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.222222 -2021-09-20 08:38:11.822 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the examination however resulted in no discovery -Output Transcription: the examination however resulted in no discovery -2021-09-20 08:38:11.823 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:38:11.823 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: said mister irwine with his stately cordiality -Output Transcription: said mister irwin with his stately cordiality -2021-09-20 08:38:11.824 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.142857 -2021-09-20 08:38:11.826 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: there she sat on the rollers as fair a ship as i ever saw -Output Transcription: there she sat on the rollers as fair ship as i ever saw -2021-09-20 08:38:11.827 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.071429 -2021-09-20 08:38:11.828 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: only that one answered the tree -Output Transcription: only that one answered the tree -2021-09-20 08:38:11.828 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:38:11.829 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: missus griffin however expressed the need for a little more light -Output Transcription: missus griffin however expressed the need for a little more light -2021-09-20 08:38:11.829 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:38:11.830 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: missus neverbend you must indeed be proud of your son -Output Transcription: missus never been you must indeed be proud of your son -2021-09-20 08:38:11.831 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.200000 -2021-09-20 08:38:11.832 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: but i have occasionally done the same thing at other times -Output Transcription: but i have occasionally done the same thing at other times -2021-09-20 08:38:11.832 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:38:11.833 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: take your place and let us see what the crystal can show to you -Output Transcription: take your place and let us see what the crystal can show to you -2021-09-20 08:38:11.833 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:38:11.834 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: then you can ask him questions on the catechism dedalus -Output Transcription: then you can ask him questions on the catechism daedalus -2021-09-20 08:38:11.835 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.100000 -2021-09-20 08:38:11.836 | INFO | deepspeech2x.model:test:372 - Error rate [wer] (608/?) = 0.088362 -2021-09-20 08:38:13.018 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: this should go far in shutting the mouths of the false apostles -Output Transcription: this should go far and shutting the mouth of the false apostles -2021-09-20 08:38:13.020 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.166667 -2021-09-20 08:38:13.022 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i thought it might be sister kate or cousin mike would be happening along -Output Transcription: i thought it might be sister kater cousin mike would be happening along -2021-09-20 08:38:13.023 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.142857 -2021-09-20 08:38:13.024 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: that will be safest no no never -Output Transcription: that will be the safest no no never -2021-09-20 08:38:13.025 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.142857 -2021-09-20 08:38:13.026 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: worse tom worse n ever replied the jailer gloomily -Output Transcription: worst time worse an error replied the jailer gloomily -2021-09-20 08:38:13.027 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.444444 -2021-09-20 08:38:13.027 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: there was a grim smile of amusement on his shrewd face -Output Transcription: there was a grim smile of amusement on his shrewd face -2021-09-20 08:38:13.027 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:38:13.027 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: it is hardly necessary to say more of them here -Output Transcription: it is hardly necessary to say more of them here -2021-09-20 08:38:13.028 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:38:13.029 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: she had almost forgotten that it was here within touch and sight -Output Transcription: she had almost forgotten that it was here within touch in sight -2021-09-20 08:38:13.030 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.083333 -2021-09-20 08:38:13.030 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: sister nell do you hear these marvels -Output Transcription: sister nell do you hear these marvels -2021-09-20 08:38:13.031 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:38:13.032 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: nottingham castle was reached and admittance was demanded -Output Transcription: not a young castle was reached and admittance was demanded -2021-09-20 08:38:13.032 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.375000 -2021-09-20 08:38:13.033 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: she even seemed mildly amused at the attention she attracted -Output Transcription: she even seemed mildly amused at the attention she attracted -2021-09-20 08:38:13.033 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:38:13.035 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: she must care about the theatre a great deal more than she used to -Output Transcription: she must care about the theatre or a great deal more than she used to -2021-09-20 08:38:13.037 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.071429 -2021-09-20 08:38:13.038 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i had a notion it was you mate as saved me from the knife -Output Transcription: i had a notion it was you may desire me from the knife -2021-09-20 08:38:13.040 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.214286 -2021-09-20 08:38:13.040 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: effects of the increased use and disuse of parts -Output Transcription: effects of the increased use and disuse of parts -2021-09-20 08:38:13.040 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:38:13.041 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the wine did certainly bring back the color to the squire's cheeks -Output Transcription: the wind did certainly bring back the colour to the squire's cheeks -2021-09-20 08:38:13.043 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.166667 -2021-09-20 08:38:13.044 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: let us hear the suspicions i will look after the proofs -Output Transcription: let us see the suspicions i will look after the proofs -2021-09-20 08:38:13.045 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.090909 -2021-09-20 08:38:13.046 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: but not more than what's in the bible aunt said dinah -Output Transcription: but not more than was in the bible and said dinah -2021-09-20 08:38:13.047 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.181818 -2021-09-20 08:38:13.048 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: yes yes she hurried pulling her hand gently away from him -Output Transcription: yes yes she hurried pulling her hand gently away from him -2021-09-20 08:38:13.048 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:38:13.049 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: hakon there shall be your constant companion friend farmer -Output Transcription: hawking there shall be your constant companion friend farmer -2021-09-20 08:38:13.050 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.111111 -2021-09-20 08:38:13.051 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: he wanted to begin at the top of the ladder -Output Transcription: he wanted to begin at the top of the latter -2021-09-20 08:38:13.052 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.100000 -2021-09-20 08:38:13.052 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i am going to the court ball answered anders -Output Transcription: i am going to the court ball answered anders -2021-09-20 08:38:13.052 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:38:13.052 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: oh won't she be savage if i've kept her waiting -Output Transcription: oh won't she be savage if i've kept her waiting -2021-09-20 08:38:13.053 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:38:13.053 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: he felt a tremor run through the slender yellow figure in front of him -Output Transcription: he felt a tremor run through the slender yellow figure in front of him -2021-09-20 08:38:13.053 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:38:13.053 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: who denies that of course it does -Output Transcription: who denies that of course it does -2021-09-20 08:38:13.054 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:38:13.054 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: cold is it my darling bless your sweet face -Output Transcription: cold is it my darling bless your sweet face -2021-09-20 08:38:13.054 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:38:13.054 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: your majesty's plan then in this affair is -Output Transcription: your majesty's plan then in this affair is -2021-09-20 08:38:13.055 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:38:13.056 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: give not so earnest a mind to these mummeries child -Output Transcription: give not so earnest mind to these memories child -2021-09-20 08:38:13.057 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.200000 -2021-09-20 08:38:13.057 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: chapter three as master wishes -Output Transcription: chapter three as master wishes -2021-09-20 08:38:13.058 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:38:13.058 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: remain i implore you the evening is most lovely -Output Transcription: remain i implore you the evening is most lovely -2021-09-20 08:38:13.058 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:38:13.059 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: but i do not think such an inference is warranted -Output Transcription: but i do not think such an inference is warranted -2021-09-20 08:38:13.059 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:38:13.060 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: suddenly he heard him at the very door there was no possible escape -Output Transcription: suddenly he heard him at the very door there was no possible escape -2021-09-20 08:38:13.060 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:38:13.061 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the word of our god shall stand forever -Output Transcription: the word of our god shall stand for ever -2021-09-20 08:38:13.062 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.250000 -2021-09-20 08:38:13.063 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: what could i do now but just lay myself down and die -Output Transcription: what could i do now but just lay myself down and die -2021-09-20 08:38:13.063 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:38:13.064 | INFO | deepspeech2x.model:test:372 - Error rate [wer] (640/?) = 0.088211 -2021-09-20 08:38:14.038 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: why a tongue impress'd with honey from every wind -Output Transcription: why a tongue impressed with honey from every wind -2021-09-20 08:38:14.039 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.111111 -2021-09-20 08:38:14.040 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: they were now playing with their dolls in the parlor -Output Transcription: they were now playing with their dolls in the parlor -2021-09-20 08:38:14.040 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:38:14.041 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i am very tired of swimming about here o mouse -Output Transcription: i am very tired of swimming about here o mouse' -2021-09-20 08:38:14.042 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.100000 -2021-09-20 08:38:14.043 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: familiarity is a feeling capable of degrees -Output Transcription: familiarity is a filling capable of degrees -2021-09-20 08:38:14.044 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.142857 -2021-09-20 08:38:14.044 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: pearl was a born outcast of the infantile world -Output Transcription: pearl was born outcast of the infantile world -2021-09-20 08:38:14.045 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.111111 -2021-09-20 08:38:14.046 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i'll do anything you wish me to bartley she said tremulously -Output Transcription: i'll do anything you wish me to partly she said tremulously -2021-09-20 08:38:14.047 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.090909 -2021-09-20 08:38:14.048 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: it is manifest that man is now subject to much variability -Output Transcription: it is manifest that man is now subject to much variability -2021-09-20 08:38:14.048 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:38:14.049 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: they followed the jailer along a succession of passages -Output Transcription: they followed the jailer along the succession of passages -2021-09-20 08:38:14.050 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.111111 -2021-09-20 08:38:14.051 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i get wet to my knees when i go down to pick cherries -Output Transcription: i get wet to my knees when i go down to pictures -2021-09-20 08:38:14.052 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.153846 -2021-09-20 08:38:14.053 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: well she was better though she had had a bad night -Output Transcription: well she was better though she had had a bad night -2021-09-20 08:38:14.053 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:38:14.053 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: but at this point in the rapids it was impossible for him to stay down -Output Transcription: but at this point in the rapids it was impossible for him to stay down -2021-09-20 08:38:14.053 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:38:14.054 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: ojo had never eaten such a fine meal in all his life -Output Transcription: ojo had never eaten such a fine meal in all his life -2021-09-20 08:38:14.054 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:38:14.054 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: when i was a young man i thought paul was making too much of his call -Output Transcription: when i was a young man i thought paul was making too much of his call -2021-09-20 08:38:14.054 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:38:14.055 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: two hundred warriors feasted in his hall and followed him to battle -Output Transcription: two hundred warriors feasted his hall and followed him to battle -2021-09-20 08:38:14.057 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.083333 -2021-09-20 08:38:14.057 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: is she not afraid that i will thwart her inclinations -Output Transcription: is she not afraid that i will thwart her inclinations -2021-09-20 08:38:14.057 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:38:14.057 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: in all the novel had a difficult gestation -Output Transcription: in all the novel had a difficult gestation -2021-09-20 08:38:14.058 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:38:14.058 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: but we're not er exactly welcomed -Output Transcription: but when not in exactly welcome -2021-09-20 08:38:14.059 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.500000 -2021-09-20 08:38:14.060 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: they think you're proud because you've been away to school or something -Output Transcription: they think your proud because you've been away to school or something -2021-09-20 08:38:14.061 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.083333 -2021-09-20 08:38:14.062 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: it's been on only two weeks and i've been half a dozen times already -Output Transcription: it's been on only two weeks and i've been half a dozen times already -2021-09-20 08:38:14.062 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:38:14.062 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: burn fire burn flicker flicker flame -Output Transcription: burn fire burn flicker flicker flame -2021-09-20 08:38:14.062 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:38:14.063 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: only there are two sorts of cloud and fire -Output Transcription: only there are two sorts of cloud and fire -2021-09-20 08:38:14.063 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:38:14.063 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: and you must be ojo the unlucky she added -Output Transcription: and you must be ojo the unlucky she added -2021-09-20 08:38:14.063 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:38:14.063 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: they seem to be we are lost but i am not sure -Output Transcription: they seem to be we are lost but i am not sure -2021-09-20 08:38:14.064 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:38:14.064 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: be not so foolish friend said fitzooth crossly -Output Transcription: be not so foolish friend said it tooth crossly -2021-09-20 08:38:14.065 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.250000 -2021-09-20 08:38:14.066 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i never knew of but one man who could ever please him -Output Transcription: i never knew of but one man who could ever please him -2021-09-20 08:38:14.066 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:38:14.066 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: there is no opening except the one pane said our learned guide -Output Transcription: there is no opening except the one pane said our learned guide -2021-09-20 08:38:14.067 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:38:14.069 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: and then they became vexed and would have snatched your purse from us -Output Transcription: and then they became vexed and would have snatched or purse from us -2021-09-20 08:38:14.070 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.076923 -2021-09-20 08:38:14.070 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: and they are all in for this examination yes -Output Transcription: and they are all in for this examination yes -2021-09-20 08:38:14.071 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:38:14.071 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: in every way they sought to undermine the authority of saint paul -Output Transcription: in every way they sought to undermine the authority of saint paul -2021-09-20 08:38:14.072 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:38:14.072 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: but we are careless we make light of sin -Output Transcription: but we are careless we make light of sin -2021-09-20 08:38:14.073 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:38:14.073 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: next came olive's turn to help in the ceremonies -Output Transcription: next came olives turn to help in the ceremonies -2021-09-20 08:38:14.075 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.111111 -2021-09-20 08:38:14.075 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i do not know i am dazed bewildered -Output Transcription: i do not know i am dazed bewildered -2021-09-20 08:38:14.075 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:38:14.076 | INFO | deepspeech2x.model:test:372 - Error rate [wer] (672/?) = 0.085776 -2021-09-20 08:38:15.129 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: therefore don't talk to me about views and prospects -Output Transcription: therefore don't talk to me about views and prospects -2021-09-20 08:38:15.130 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:38:15.130 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: alexander leaned forward and warmed his hands before the blaze -Output Transcription: alexander leaned forward and warmed his hands before the blaze -2021-09-20 08:38:15.131 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:38:15.131 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: no thanks i am glad to give you such easy happiness -Output Transcription: no thanks i am glad to give you such easy happiness -2021-09-20 08:38:15.131 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:38:15.132 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: and he leaned against the wall lost in reverie -Output Transcription: and he leaned against the wall lost in reverie -2021-09-20 08:38:15.132 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:38:15.132 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i'll try if i know all the things i used to know -Output Transcription: i'll try if i know all the things i used to know -2021-09-20 08:38:15.132 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:38:15.133 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: by the beard of odin i cried you have taken our joke like a man -Output Transcription: by the beard of odin i cried you have taken our joke like a man -2021-09-20 08:38:15.133 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:38:15.134 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the king seemed only pleased with every one present -Output Transcription: the king seemed only pleased with everyone present -2021-09-20 08:38:15.134 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.222222 -2021-09-20 08:38:15.136 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: one hardly likes to throw suspicion where there are no proofs -Output Transcription: one hardly like to throw suspicion where there are no proofs -2021-09-20 08:38:15.137 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.090909 -2021-09-20 08:38:15.137 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: mister edison was a leader far ahead of the time -Output Transcription: mister edison was a leader far ahead of the time -2021-09-20 08:38:15.137 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:38:15.137 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: we had meters in which there were two bottles of liquid -Output Transcription: we had meters in which there were two bottles of liquid -2021-09-20 08:38:15.138 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:38:15.138 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: he was unable to decide exactly what it should be -Output Transcription: he was unable to decide exactly which be -2021-09-20 08:38:15.139 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.300000 -2021-09-20 08:38:15.140 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: at last he came out of them and wiped his face vigorously -Output Transcription: at last he came out of them and wiped his face vigorously -2021-09-20 08:38:15.140 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:38:15.141 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: but the general distinction is not on that account to be overlooked -Output Transcription: but the general distinction is not met account to be overlooked -2021-09-20 08:38:15.142 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.166667 -2021-09-20 08:38:15.144 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: on a bench in a far corner were a dozen people huddled together -Output Transcription: on a bench in a far corner where a dozen people huddled together -2021-09-20 08:38:15.145 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.076923 -2021-09-20 08:38:15.145 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: or of the habits of our people it is quite impossible -Output Transcription: or of the habits of our people it is quite impossible -2021-09-20 08:38:15.146 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:38:15.146 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the lagoon had been level with the dykes a week ago and now -Output Transcription: the lagoon had been level with the dykes a week ago and now -2021-09-20 08:38:15.146 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:38:15.148 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i suppose it's the wet season will you have to cut them too -Output Transcription: i suppose it's the wet season will you have to cut them to -2021-09-20 08:38:15.149 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.076923 -2021-09-20 08:38:15.150 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: when she finished alexander shook himself out of a reverie -Output Transcription: when she finished alexander shook himself out of a reverie -2021-09-20 08:38:15.150 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:38:15.150 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: but a word further concerning the expedition in general -Output Transcription: but a word further concerning the expedition in general -2021-09-20 08:38:15.150 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:38:15.151 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: their eyes danced big thorleif stood up and stretched himself -Output Transcription: their eyes danced big torley stood up and stretched himself -2021-09-20 08:38:15.152 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.100000 -2021-09-20 08:38:15.153 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: some poems of solon were recited by the boys -Output Transcription: some poems of solemn grew recited by the boys -2021-09-20 08:38:15.154 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.222222 -2021-09-20 08:38:15.154 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: mother cried she i see you here look look -Output Transcription: mother cried she i see you here look look -2021-09-20 08:38:15.154 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:38:15.155 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i say sir harry the little girl's going famously to night isn't she -Output Transcription: i say sir harry the little girl's going famously to night isn't she -2021-09-20 08:38:15.155 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:38:15.155 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: at last all was quiet and black in the courtyard of gamewell -Output Transcription: at last all was quiet and black in the courtyard of gamewell -2021-09-20 08:38:15.155 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:38:15.156 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: what's the meaning of this thought the tree -Output Transcription: what's the meaning of this thought the tree -2021-09-20 08:38:15.156 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:38:15.156 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i attend to the household mending you know and care for the linen -Output Transcription: i attend to the household mending you know and care for the linen -2021-09-20 08:38:15.156 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:38:15.157 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: alexander groaned i meant to but somehow i couldn't -Output Transcription: alexander groaned i meant to but somehow i couldn't -2021-09-20 08:38:15.158 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:38:15.158 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: and mine is will stuteley shall we be comrades -Output Transcription: and mind is will stoutly shall we be comrades -2021-09-20 08:38:15.159 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.222222 -2021-09-20 08:38:15.160 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: indeed he persecuted the church of christ for a long time -Output Transcription: indeed he persecuted the church of christ for a long time -2021-09-20 08:38:15.160 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:38:15.160 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: and i declare it's too bad that it is -Output Transcription: and i declare it's too bad that it is -2021-09-20 08:38:15.161 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:38:15.161 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: rejoice in thy growth said the sunbeams -Output Transcription: rejoice in thy growth said the sunbeams -2021-09-20 08:38:15.162 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:38:15.162 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: after that it was easy to forget actually to forget -Output Transcription: after that it was easy to forget actually to forget -2021-09-20 08:38:15.163 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:38:15.163 | INFO | deepspeech2x.model:test:372 - Error rate [wer] (704/?) = 0.083180 -2021-09-20 08:38:16.198 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: and thee won't go why should i -Output Transcription: and they won't go why should i -2021-09-20 08:38:16.199 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.142857 -2021-09-20 08:38:16.200 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the head of the patchwork girl was the most curious part of her -Output Transcription: the head of the patchwork girl was the most curious part of her -2021-09-20 08:38:16.200 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:38:16.201 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: if for a whim you beggar yourself i cannot stay you -Output Transcription: if fur when you beggar yourself i cannot stay you -2021-09-20 08:38:16.202 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.272727 -2021-09-20 08:38:16.203 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: a sound of voices a flash of light -Output Transcription: a sound of voices a flash of light -2021-09-20 08:38:16.203 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:38:16.203 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: and i have no one ready to whom i can give up the archives of the government -Output Transcription: and i have no one ready to whom i can give up the archives of the government -2021-09-20 08:38:16.203 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:38:16.204 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i think i should be doing you a service to turn you out of such a place -Output Transcription: i think i should be doing you a service to turn you out of such a place -2021-09-20 08:38:16.204 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:38:16.205 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: done he ain't done a thing he'd oughter sence he was born -Output Transcription: down he ain't done a thing he orders since he was born -2021-09-20 08:38:16.206 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.333333 -2021-09-20 08:38:16.207 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: anyone in the room could get out yes sir -Output Transcription: anyone in the room could get out yes sir -2021-09-20 08:38:16.207 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:38:16.207 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: for some time after that i remembered nothing distinctly -Output Transcription: for some time after that i remembered nothing distinctly -2021-09-20 08:38:16.207 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:38:16.208 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: no i forgot all about the brains exclaimed the woman -Output Transcription: no i forgot all about the brains exclaimed the woman -2021-09-20 08:38:16.208 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:38:16.209 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the delawares are children of the tortoise and they outstrip the deer -Output Transcription: the delawares are children of the tortoise in the outstrip the deer -2021-09-20 08:38:16.210 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.166667 -2021-09-20 08:38:16.211 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: since when has malady banished medicine -Output Transcription: since when has malady vanished medicine -2021-09-20 08:38:16.211 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.166667 -2021-09-20 08:38:16.212 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: he knew the silver fleece his and zora's must be ruined -Output Transcription: he knew the silver flees his azores must be ruined -2021-09-20 08:38:16.213 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.272727 -2021-09-20 08:38:16.214 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: asked phronsie with her little face close to polly's own -Output Transcription: asked rosie with her little face closed upon his own -2021-09-20 08:38:16.215 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.400000 -2021-09-20 08:38:16.217 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: but under the circumstances i doubt if such an arrangement could be made -Output Transcription: but under the circumstances i doubt such an arrangement could be made -2021-09-20 08:38:16.218 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.076923 -2021-09-20 08:38:16.218 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: to this we reply in one word only -Output Transcription: to this we reply in one word only -2021-09-20 08:38:16.219 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:38:16.219 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: or hath he given us any gift -Output Transcription: or hath he given us any gift -2021-09-20 08:38:16.219 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:38:16.219 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: did not the dancing amuse you no -Output Transcription: did not the dancing amuse you no -2021-09-20 08:38:16.220 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:38:16.220 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: it would have been more wonderful had he spoken without a bidding -Output Transcription: it would have been more wonderful had he spoken without a bidding -2021-09-20 08:38:16.220 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:38:16.221 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: in the morning the servant and the housemaid came in -Output Transcription: in the morning the servants and the housemaid came in -2021-09-20 08:38:16.222 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.100000 -2021-09-20 08:38:16.223 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: it is this that is of interest to theory of knowledge -Output Transcription: it is this that is a interest to theory of knowledge -2021-09-20 08:38:16.224 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.090909 -2021-09-20 08:38:16.224 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: paul an apostle not of men et cetera -Output Transcription: paul an apostle not of men et cetera -2021-09-20 08:38:16.225 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:38:16.225 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: in this guise it becomes horrible -Output Transcription: in the skies it becomes horrible -2021-09-20 08:38:16.226 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.333333 -2021-09-20 08:38:16.227 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: also there was a stripling page who turned into a maid -Output Transcription: also there was a stripling page who turned into a mad -2021-09-20 08:38:16.228 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.090909 -2021-09-20 08:38:16.229 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: is he going to start a daily newspaper among the kick a poos -Output Transcription: is he going to start a daily newspaper among the kickapoo -2021-09-20 08:38:16.230 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.230769 -2021-09-20 08:38:16.231 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: heredity the cause of all our faults -Output Transcription: heredity the cause of all our faults -2021-09-20 08:38:16.231 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:38:16.232 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: and you belong to that small class who are happy -Output Transcription: and you belong to that small class who are happy -2021-09-20 08:38:16.233 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:38:16.234 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the man entered and took the papers sheet by sheet from the central table -Output Transcription: the man entered and took the papers sheet a sheet from the central table -2021-09-20 08:38:16.236 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.071429 -2021-09-20 08:38:16.237 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i have nothing to wear replied that demure person -Output Transcription: i have nothing to wear replied that the mere person -2021-09-20 08:38:16.238 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.222222 -2021-09-20 08:38:16.240 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: ambrose met me at the bottom of the stairs and showed me the way to the supper room -Output Transcription: ambrose met made the bottom of stairs and showed me the way to the supper room -2021-09-20 08:38:16.243 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.166667 -2021-09-20 08:38:16.243 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: he went here there and everywhere in perfect contentment -Output Transcription: he went here there and everywhere in perfect contentment -2021-09-20 08:38:16.244 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:38:16.246 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i shall be happy to take charge of them said sir ferdinando -Output Transcription: i shall be happy to take charge of them said sir fernando -2021-09-20 08:38:16.247 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.083333 -2021-09-20 08:38:16.247 | INFO | deepspeech2x.model:test:372 - Error rate [wer] (736/?) = 0.084216 -2021-09-20 08:38:19.570 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: but thou art not such a lover my beloved -Output Transcription: but thou art not such a lover my beloved -2021-09-20 08:38:19.571 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:38:19.572 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: straightway the hawk glided from his perch and darted after him -Output Transcription: straightway the hot glided from his perch and darted after him -2021-09-20 08:38:19.573 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.090909 -2021-09-20 08:38:19.574 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: don't worry sizzle dear it'll all come right pretty soon -Output Transcription: don't worryi sizzle dear it'll come ripe soon -2021-09-20 08:38:19.575 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.400000 -2021-09-20 08:38:19.576 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: one thinks one hears hydras talking -Output Transcription: one things one hears hydras talking -2021-09-20 08:38:19.576 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.166667 -2021-09-20 08:38:19.577 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the sight seers returned in high spirits from the city -Output Transcription: the sights years returned in high spirits from the city -2021-09-20 08:38:19.578 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.200000 -2021-09-20 08:38:19.580 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i took five great bracelets of gold from our treasure chest and gave them to him -Output Transcription: i took five great bracelets gold from our treasure chest and gave them to him -2021-09-20 08:38:19.582 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.062500 -2021-09-20 08:38:19.582 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the floor more than anything else showed the great age of the room -Output Transcription: the floor more than anything else showed the great age of the room -2021-09-20 08:38:19.583 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:38:19.583 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: in this whole epistle paul treats of the resurrection of christ -Output Transcription: in this whole epistle paul treats of the resurrection of christ -2021-09-20 08:38:19.583 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:38:19.584 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: my dragon's belly is never full and on board went the gold -Output Transcription: a dragon's belly is never full and on board went the gold -2021-09-20 08:38:19.586 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.083333 -2021-09-20 08:38:19.586 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: they said to the galatians you have no right to think highly of paul -Output Transcription: they said to the galatians you have no right to think highly of paul -2021-09-20 08:38:19.586 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:38:19.587 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: sir harry towne mister bartley alexander the american engineer -Output Transcription: sir harry town mister bartley alexander the american engineer -2021-09-20 08:38:19.588 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.111111 -2021-09-20 08:38:19.589 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: did you ever have such a lordly guest before i went on -Output Transcription: did you ever have such a lordly guessed before i went on -2021-09-20 08:38:19.591 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.083333 -2021-09-20 08:38:19.592 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: one of us always remains on board while the other is on shore -Output Transcription: one of us always remains on board while the others i'm sure -2021-09-20 08:38:19.594 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.307692 -2021-09-20 08:38:19.594 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: right willingly for between us we have won the battle answered robin -Output Transcription: right willingly for between us we have won the battle answered robin -2021-09-20 08:38:19.594 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:38:19.595 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: your play must be not merely a good play but a successful one -Output Transcription: your play must be not merely a good play but a successful one -2021-09-20 08:38:19.595 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:38:19.596 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: we think that by some little work or merit we can dismiss sin -Output Transcription: we think that by some little work or merit we can dismiss an -2021-09-20 08:38:19.598 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.076923 -2021-09-20 08:38:19.599 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: by the hammer of thor shouted grim here is no stingy coward -Output Transcription: by the hammer of thor shouted groom there is no stingy cower -2021-09-20 08:38:19.600 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.250000 -2021-09-20 08:38:19.601 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the ballet began the effect was more than beautiful -Output Transcription: the valley began the effect was more than beautiful -2021-09-20 08:38:19.602 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.111111 -2021-09-20 08:38:19.602 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: ojo examined this curious contrivance with wonder -Output Transcription: ojo examined this curious contrivance with wonder -2021-09-20 08:38:19.603 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:38:19.603 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: robin was glad when at length they were left to their own devices -Output Transcription: robin was glad when at length they were left to their own devices -2021-09-20 08:38:19.603 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:38:19.604 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: why bannister the servant what's his game in the matter -Output Transcription: why banister the servant what's his game in the matter -2021-09-20 08:38:19.605 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.100000 -2021-09-20 08:38:19.606 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: now you'll stay cried van say polly won't you -Output Transcription: now you'll stay cried man say polly won't you -2021-09-20 08:38:19.607 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.111111 -2021-09-20 08:38:19.608 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: don't insult me stanley by talking again as you did this morning -Output Transcription: don't insult me stanley by talking again as you did this morning -2021-09-20 08:38:19.608 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:38:19.608 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: robin entered the hut dragging the unwilling esquire after him -Output Transcription: robin entered the hut dragging the unwilling esquire after him -2021-09-20 08:38:19.608 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:38:19.609 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i shudder as i recall these monsters to my remembrance -Output Transcription: i shudder as i recall these monsters to my remembrance -2021-09-20 08:38:19.609 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:38:19.609 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: so choose for yourself to make a rush or tarry here -Output Transcription: so choose for yourself to make a rush or tarry here -2021-09-20 08:38:19.609 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:38:19.610 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: holmes held it out on his open palm in the glare of the electric light -Output Transcription: holmes held it out on his open palm in the glare of the electric light -2021-09-20 08:38:19.610 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:38:19.611 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: steam up and canvas spread the schooner started eastwards -Output Transcription: steam up in canvas spread the schooner started eastwards -2021-09-20 08:38:19.612 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.111111 -2021-09-20 08:38:19.613 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: it blazed up famously help help -Output Transcription: it blazed up famously help help -2021-09-20 08:38:19.614 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:38:19.614 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: but much of the novel's brooding power comes from captain nemo -Output Transcription: but much of the novel's brooding power comes from captain nemo -2021-09-20 08:38:19.614 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:38:19.615 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: hello stephanos here comes the dedalus -Output Transcription: hello stephanos here comes the daedalus -2021-09-20 08:38:19.616 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.166667 -2021-09-20 08:38:19.617 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the earth is not devoid of resemblance to a jail -Output Transcription: the earth is not devoid of resemblance to a hail -2021-09-20 08:38:19.618 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.100000 -2021-09-20 08:38:19.619 | INFO | deepspeech2x.model:test:372 - Error rate [wer] (768/?) = 0.083729 -2021-09-20 08:38:22.120 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: it's exciting to see everything growing so fast and to get the grass cut -Output Transcription: its exciting to see everything growing so fast and to get the grass cut -2021-09-20 08:38:22.122 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.071429 -2021-09-20 08:38:22.123 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: la valliere is quite a poetess said tonnay charente -Output Transcription: the vallee is quite a poetess said tony hart -2021-09-20 08:38:22.124 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.444444 -2021-09-20 08:38:22.124 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: on august twenty seventh eighteen thirty seven she writes -Output Transcription: on august twenty seventh eighteen thirty seven she writes -2021-09-20 08:38:22.125 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:38:22.125 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: cried the young ladies and they quickly put out the fire -Output Transcription: cried the young ladies and they quickly put out the fire -2021-09-20 08:38:22.125 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:38:22.125 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the rector did not ask for a catechism to hear the lesson from -Output Transcription: the rector did not ask for a catechism to hear the lesson from -2021-09-20 08:38:22.126 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:38:22.127 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: on the palm were three little pyramids of black doughy clay -Output Transcription: on the palm were three little pyramids of black dog clay -2021-09-20 08:38:22.128 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.090909 -2021-09-20 08:38:22.129 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: exclaimed servadac keeping his eye unmoved at his telescope -Output Transcription: exclaimed serva dac keeping his eye unmoved at his telescope -2021-09-20 08:38:22.130 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.222222 -2021-09-20 08:38:22.130 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: you haven't seen any of them no sir -Output Transcription: you haven't seen any of them no sir -2021-09-20 08:38:22.130 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:38:22.131 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: it's not particularly rare she said but some of it was my mother's -Output Transcription: it's not particularly rare she said but some of it was my mother's -2021-09-20 08:38:22.131 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:38:22.131 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the democratic committee figured out a way to do this -Output Transcription: the democratic committee figured out a way to do this -2021-09-20 08:38:22.131 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:38:22.131 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: heaven a good place to be raised to -Output Transcription: heaven a good place to be raised to -2021-09-20 08:38:22.132 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:38:22.132 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: but it was not the fir tree that they meant -Output Transcription: but it was not the fir tree that they meant -2021-09-20 08:38:22.132 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:38:22.134 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: it was better for him to think the girl unfeeling than to know the truth -Output Transcription: it was better for him to think the girl unfeeling at another truth -2021-09-20 08:38:22.135 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.266667 -2021-09-20 08:38:22.136 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i won't tremble to morrow thought the fir tree -Output Transcription: i won't tremble tomorrow thought the fir tree -2021-09-20 08:38:22.137 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.222222 -2021-09-20 08:38:22.139 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i pray for you but that's not the same as if you prayed yourself -Output Transcription: i pray for you but that's not the same as if you played yourself -2021-09-20 08:38:22.140 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.071429 -2021-09-20 08:38:22.141 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: from the blackness behind the light they heard a voice warrenton's -Output Transcription: from the blackness behind the light they heard a voice warrenton -2021-09-20 08:38:22.143 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.090909 -2021-09-20 08:38:22.143 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: husband the next thing to a wife -Output Transcription: husband the next thing to a wife -2021-09-20 08:38:22.143 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:38:22.143 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: she poured into the dish a quantity from each of these bottles -Output Transcription: she poured into the dish a quantity from each of these bottles -2021-09-20 08:38:22.144 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:38:22.145 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i have been here this quarter of an hour replied la valliere -Output Transcription: i have been here this quarter of an hour replied lavalier -2021-09-20 08:38:22.146 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.166667 -2021-09-20 08:38:22.147 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: hussy woman and bond tie -Output Transcription: hussy woman and born tie -2021-09-20 08:38:22.147 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.200000 -2021-09-20 08:38:22.148 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: but there's father the barn sir if he'd be of any use -Output Transcription: but there's father and barn sir if he'd be of any use -2021-09-20 08:38:22.150 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.083333 -2021-09-20 08:38:22.150 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: to ask any more questions of you i believe would be unfair -Output Transcription: to ask any more questions of you i believe would be unfair -2021-09-20 08:38:22.151 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:38:22.152 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: he looked up rather ungraciously but motioned them to be seated -Output Transcription: he looked up rather ungracious ly but motioned them to be seated -2021-09-20 08:38:22.153 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.181818 -2021-09-20 08:38:22.154 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the great hawk followed hurriedly to retrieve his prey from the ground -Output Transcription: the great hawk fouled hurriedly to retrieve his prey from the ground -2021-09-20 08:38:22.155 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.083333 -2021-09-20 08:38:22.157 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: they say illumination by candle light is the prettiest in the world -Output Transcription: they say illumination by candlelight is the prettiest in the world -2021-09-20 08:38:22.158 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.166667 -2021-09-20 08:38:22.160 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: why should the mistress of the vales of har utter a sigh -Output Transcription: why should the mistress of the veils of her utter a sigh -2021-09-20 08:38:22.161 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.166667 -2021-09-20 08:38:22.162 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: out in the woods stood a nice little fir tree -Output Transcription: out in the woods stood a nice little fur tree -2021-09-20 08:38:22.163 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.100000 -2021-09-20 08:38:22.165 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: alexander rose and shook himself angrily yes i know i'm cowardly -Output Transcription: elegant rose and shook himself angrily yes i know i'm cowardly -2021-09-20 08:38:22.166 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.090909 -2021-09-20 08:38:22.167 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: several hundred free state men promptly responded to the summons -Output Transcription: several hundred free state men promptly responded to the summons -2021-09-20 08:38:22.167 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:38:22.167 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: he is called as you know the apostle of the indies -Output Transcription: he is called as you know the apostle of the indies -2021-09-20 08:38:22.168 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:38:22.168 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: indeed he had looked away with the purpose of not seeing it -Output Transcription: indeed he had looked away with the purpose of not seeing it -2021-09-20 08:38:22.168 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:38:22.169 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: dorcas in her strange way was moved -Output Transcription: dorcas in her strange way was moved -2021-09-20 08:38:22.170 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:38:22.170 | INFO | deepspeech2x.model:test:372 - Error rate [wer] (800/?) = 0.083786 -2021-09-20 08:38:23.693 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the goat's warlike spirit was roused by this successful attack -Output Transcription: the goat's warlike spirit was roused by this successful attack -2021-09-20 08:38:23.694 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:38:23.695 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: don't mind it polly whispered jasper twasn't her fault -Output Transcription: don't mind it polly whispered jasper wasn't her fault -2021-09-20 08:38:23.696 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.111111 -2021-09-20 08:38:23.697 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: no names please said holmes as we knocked at gilchrist's door -Output Transcription: no names please said holmes as we knocked a gilchrist or -2021-09-20 08:38:23.698 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.272727 -2021-09-20 08:38:23.698 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: to be or not to be that is the question whether tis nobler -Output Transcription: to be or not to be that is the question whether tis nobler -2021-09-20 08:38:23.698 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:38:23.699 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: it is sixteen years since john bergson died -Output Transcription: it is sixteen years since john burges and died -2021-09-20 08:38:23.700 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.250000 -2021-09-20 08:38:23.701 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: rejoice in thy own fresh youth -Output Transcription: rejoice in my own fresh youth -2021-09-20 08:38:23.701 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.166667 -2021-09-20 08:38:23.702 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: lieutenant crosstrees is a very gallant officer -Output Transcription: lieutenant cross trees is a very gallant officer -2021-09-20 08:38:23.702 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.285714 -2021-09-20 08:38:23.703 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: we have heard something of your story said kenneth and are interested in it -Output Transcription: we have heard something of your story said kenneth and are interested in it -2021-09-20 08:38:23.703 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:38:23.703 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: there seems no good reason for believing that it will change -Output Transcription: there seems no good reason for believing that it will change -2021-09-20 08:38:23.703 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:38:23.706 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: it is the only amends i ask of you for the wrong you have done me -Output Transcription: it is the only immense i ask of you for the wrong you have done me -2021-09-20 08:38:23.708 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.062500 -2021-09-20 08:38:23.709 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: if a fellow's been a little bit wild he's beelzebub at once -Output Transcription: if a fellow's been a little bit wild his bonds above at once -2021-09-20 08:38:23.710 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.250000 -2021-09-20 08:38:23.711 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: he unlocked the door and called here's visitors tom -Output Transcription: he unlocked the door and called here's visitors tom -2021-09-20 08:38:23.711 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:38:23.712 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: why it's goliath as usual they both cried peering in -Output Transcription: why it's goliath as usual they both cried peering in -2021-09-20 08:38:23.712 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:38:23.712 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: sir kennington oval is a very fine player said my wife -Output Transcription: sir kennington oval is a very fine player said my wife -2021-09-20 08:38:23.712 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:38:23.713 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i haven't had a chance yet to tell you what a jolly little place i think this is -Output Transcription: i haven't had a chance yet to tell you what a jolly little place i think this is -2021-09-20 08:38:23.713 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:38:23.715 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: when did you come bartley and how did it happen you haven't spoken a word -Output Transcription: why did you come partly and how did it happen you haven't spoken a word -2021-09-20 08:38:23.717 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.133333 -2021-09-20 08:38:23.717 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the departure was not at all agreeable -Output Transcription: the departure was not at all agreeable -2021-09-20 08:38:23.717 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:38:23.717 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: watson i have always done you an injustice there are others -Output Transcription: watson i have always done you an injustice there are others -2021-09-20 08:38:23.718 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:38:23.719 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: he mentions the apostles first because they were appointed directly by god -Output Transcription: he mentions the apostles first because they are pointed directly by god -2021-09-20 08:38:23.720 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.166667 -2021-09-20 08:38:23.720 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i had a horrid dream about him last night that -Output Transcription: i had a horrid dream about him last night that -2021-09-20 08:38:23.721 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:38:23.721 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: but was that all her reward one of the ladies asked -Output Transcription: but was that all her reward one of the ladies asked -2021-09-20 08:38:23.721 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:38:23.721 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: uncas cast his skin and stepped forth in his own beautiful proportions -Output Transcription: uncas cast his skin and stepped forth in his own beautiful proportions -2021-09-20 08:38:23.722 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:38:23.722 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: and towards christmas he was one of the first that was cut down -Output Transcription: and towards christmas he was one of the first that was cut down -2021-09-20 08:38:23.722 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:38:23.722 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the arrow pierced his heart and wounded him mortally -Output Transcription: the arrow pierced his heart and wounded him mortally -2021-09-20 08:38:23.723 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:38:23.723 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: as used in the speech of everyday life the word carries an undertone of deprecation -Output Transcription: as used in the speech of everyday life the word carries an undertone of deprecation -2021-09-20 08:38:23.723 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:38:23.724 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: most of all robin thought of his father what would he counsel -Output Transcription: most of all robin thought of his father what would he counsel -2021-09-20 08:38:23.724 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:38:23.725 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: they regained their apartment apparently without disturbing the household of gamewell -Output Transcription: they regained their apartment apparently without disturbing the household of gamewell -2021-09-20 08:38:23.725 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:38:23.726 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: to all these inquiries the count responded in the affirmative -Output Transcription: to all these inquiries the count responded in the affirmative -2021-09-20 08:38:23.726 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:38:23.729 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: not once did he comment on the length or the hardships of a journey -Output Transcription: not once did he comment on the length or the hardships of the journey -2021-09-20 08:38:23.730 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.071429 -2021-09-20 08:38:23.731 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i like you still rachel i'm sure i'll always like you -Output Transcription: i like you still rachel i'm sure i'll always like you -2021-09-20 08:38:23.731 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:38:23.731 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i thought it therefore my duty when i left school to become a governess -Output Transcription: i thought it therefore my duty when i left school to become a governess -2021-09-20 08:38:23.731 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:38:23.734 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: he shall not leave you day or night whether you are working or playing or sleeping -Output Transcription: you shall not leave you day or night whether you were working or playing or sleeping -2021-09-20 08:38:23.736 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.125000 -2021-09-20 08:38:23.737 | INFO | deepspeech2x.model:test:372 - Error rate [wer] (832/?) = 0.082196 -2021-09-20 08:38:24.957 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the young man is in bondage and much i fear his death is decreed -Output Transcription: the young man is in bondage and much i fear his death is decreed -2021-09-20 08:38:24.958 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:38:24.959 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: that was but rustling of dripping plants in the dark -Output Transcription: that was but rustling of tripping plants in the dark -2021-09-20 08:38:24.960 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.100000 -2021-09-20 08:38:24.961 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: madame quinson besides can answer your enquiries -Output Transcription: madame when a besides can answer your inquiries -2021-09-20 08:38:24.962 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.428571 -2021-09-20 08:38:24.963 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i reside in the marais rue de douze portes -Output Transcription: i reside in the mare grew did this port -2021-09-20 08:38:24.963 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.555556 -2021-09-20 08:38:24.964 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: we have never understood this sort of objections -Output Transcription: we have never understood this sort of objections -2021-09-20 08:38:24.964 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:38:24.964 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: yes so they said but that would i think have been worse -Output Transcription: yes so they said but that would i think have been worse -2021-09-20 08:38:24.964 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:38:24.965 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: it was a deliberate theft from his employers to protect a girl he loved -Output Transcription: it was a deliberate theft from his employers to protect a girl he loved -2021-09-20 08:38:24.965 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:38:24.965 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: he is my esquire excellency returned robin with dignity -Output Transcription: he is my esquire excellency returned robin with dignity -2021-09-20 08:38:24.965 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:38:24.967 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: they were received in the little office by a man named markham who was the jailer -Output Transcription: they were received in the little office by a man named marcum who was the jailer -2021-09-20 08:38:24.970 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.062500 -2021-09-20 08:38:24.970 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: just smell the wild roses they are always so spicy after a rain -Output Transcription: just smell the wild roses they are always so spicy after a rain -2021-09-20 08:38:24.970 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:38:24.970 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: if she does not know how to estimate her own value i do -Output Transcription: if she does not know how to estimate her own value i do -2021-09-20 08:38:24.971 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:38:24.972 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: a montfichet a montfichet gamewell to the rescue -Output Transcription: a mortice or montrachet game well to the rescue -2021-09-20 08:38:24.973 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.625000 -2021-09-20 08:38:24.975 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: so i lived and now am your tooth thrall well it is the luck of war -Output Transcription: so i lived and now in your tooth thrall well it is the luck of war -2021-09-20 08:38:24.977 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.062500 -2021-09-20 08:38:24.977 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: there's one and there's another the dudley and the flint -Output Transcription: there's one and there's another the dudley and the flint -2021-09-20 08:38:24.977 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:38:24.978 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: oh no jasper i must go by my very own self -Output Transcription: oh no chapter i must go by my very own self -2021-09-20 08:38:24.979 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.090909 -2021-09-20 08:38:24.981 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: and emil mowed his way slowly down toward the cherry trees -Output Transcription: and a meal made his way slowly down toward the cherry trees -2021-09-20 08:38:24.983 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.272727 -2021-09-20 08:38:24.983 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i know no such place said the tree -Output Transcription: i know no such place said the tree -2021-09-20 08:38:24.983 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:38:24.984 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i was in such a hurry to come to you you left your door open -Output Transcription: i was in such a hurry to come to you you left your door open -2021-09-20 08:38:24.984 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:38:24.984 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: nothing new weather unchanged the wind freshens -Output Transcription: nothing new whether unchanged the wind freshens -2021-09-20 08:38:24.985 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.142857 -2021-09-20 08:38:24.986 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: and fearest thou because i vanish and am seen no more -Output Transcription: and first thou because i vanish and am see no more -2021-09-20 08:38:24.987 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.181818 -2021-09-20 08:38:24.989 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: so i will give out this law that my men shall never leave you alone -Output Transcription: so i will give up this law that my men shall never leave you alone -2021-09-20 08:38:24.991 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.066667 -2021-09-20 08:38:24.991 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: a cold lucid indifference reigned in his soul -Output Transcription: a cold lucid indifference reigned in his soul -2021-09-20 08:38:24.992 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:38:24.992 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i am my dear and all strangers are welcome to my home -Output Transcription: i am my dear and all strangers are welcome to my home -2021-09-20 08:38:24.992 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:38:24.993 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: well i'm going as an engineer you can go as one -Output Transcription: well i'm going as an engineer you could go as one -2021-09-20 08:38:24.994 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.090909 -2021-09-20 08:38:24.994 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: he felt for and found the wizard's black cloth the squire was quite out of breath -Output Transcription: he felt for and found the wizard's black cloth the squire was quite out of breath -2021-09-20 08:38:24.995 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:38:24.995 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: that is a very fine cap you have he said -Output Transcription: that is a very fine cap you have he said -2021-09-20 08:38:24.995 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:38:24.997 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: when they were outside unc simply latched the door and started up the path -Output Transcription: when they were outside on simply elapsed the door and started up the path -2021-09-20 08:38:24.999 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.142857 -2021-09-20 08:38:25.000 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: there's many a one considerably older than i am -Output Transcription: there's many a one considerably older than i am -2021-09-20 08:38:25.000 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:38:25.000 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: he is not well he has come over the ocean for rest and change of scene -Output Transcription: he is not well he has come over the ocean for rest and change of scene -2021-09-20 08:38:25.001 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:38:25.001 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the livery becomes obnoxious to nearly all who are required to wear it -Output Transcription: the livery becomes obnoxious to nearly all who are required to wear it -2021-09-20 08:38:25.002 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:38:25.003 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: oh say that's different observed markham altering his demeanor -Output Transcription: i'll say that's different observed markham altering his demeanor -2021-09-20 08:38:25.004 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.111111 -2021-09-20 08:38:25.005 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: it might have seemed that a trout of this size was a fairly substantial meal -Output Transcription: min have seemed that a trout of this size was a fairly substantial meal -2021-09-20 08:38:25.008 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.133333 -2021-09-20 08:38:25.009 | INFO | deepspeech2x.model:test:372 - Error rate [wer] (864/?) = 0.082138 -2021-09-20 08:38:26.290 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the proof was in three long slips i had left them all together -Output Transcription: the proof was in three long slips i had left them all together -2021-09-20 08:38:26.291 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:38:26.293 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: it can't hurt anything i'm sure for we won't disturb things at all -Output Transcription: i can't hear anything i'm sure for we won't disturb things at all -2021-09-20 08:38:26.294 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.153846 -2021-09-20 08:38:26.295 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the air is heavy the sea is calm -Output Transcription: the air is heavy the sea is calm -2021-09-20 08:38:26.295 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:38:26.296 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: as our boat flashed down the rollers into the water i made this song and sang it -Output Transcription: as our boat flashed down the rollers into the water i made this song and sang it -2021-09-20 08:38:26.296 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:38:26.296 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: let us begin with that his commentary on galatians -Output Transcription: let us begin with that his commentary on galatians -2021-09-20 08:38:26.296 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:38:26.298 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: their sufferings have never yet been fitly chronicled by human scribe -Output Transcription: their sufferings have never yet been fiddly chronicle by human scribe -2021-09-20 08:38:26.299 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.181818 -2021-09-20 08:38:26.299 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: that is why we cry education science -Output Transcription: that is why we cry education science -2021-09-20 08:38:26.299 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:38:26.301 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: he was like unto my father in a way and yet was not my father -Output Transcription: he was like my father in a way and yet was not my father -2021-09-20 08:38:26.303 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.066667 -2021-09-20 08:38:26.303 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: what is your name lording asked the little stroller presently -Output Transcription: what is your name lording asked the little stroller presently -2021-09-20 08:38:26.304 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:38:26.305 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: and why it scatters its bright beauty thro the humid air -Output Transcription: and why it scatters its bright beauty through the humid air -2021-09-20 08:38:26.306 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.090909 -2021-09-20 08:38:26.306 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: above all things i desire to settle the matter quietly and discreetly -Output Transcription: above all things i desire to settle the matter quietly and discreetly -2021-09-20 08:38:26.306 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:38:26.307 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: he worked me very hard he wanted to be beating me all the time -Output Transcription: he worked me very hard he wanted to be beating me all the time -2021-09-20 08:38:26.307 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:38:26.307 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: our first impressions of people are in nine cases out of ten the right impressions -Output Transcription: our first impressions of people are in nine cases out of ten the right impressions -2021-09-20 08:38:26.307 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:38:26.308 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i had again been acting under the influence of this man's power -Output Transcription: i had again been acting under the influence of this man's power -2021-09-20 08:38:26.308 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:38:26.310 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: there was no chance to alter his sleeping room to one nearer to gamewell's chamber -Output Transcription: there was no chance to alter his sleeping room to one nearer to game wells chamber -2021-09-20 08:38:26.312 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.133333 -2021-09-20 08:38:26.313 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: exclaimed bill harmon to his wife as they went through the lighted hall -Output Transcription: exclaimed barreto his wife as they went through the light at hall -2021-09-20 08:38:26.314 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.384615 -2021-09-20 08:38:26.315 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: he was still suffering from this sudden disturbance of the quiet routine of his life -Output Transcription: he was still suffering from this sudden disturbance of the quiet routine of his life -2021-09-20 08:38:26.315 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:38:26.315 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: she asked impulsively i didn't believe you could persuade her father -Output Transcription: she asked impulsively i didn't believe you could persuade her father -2021-09-20 08:38:26.315 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:38:26.316 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: nothing more not even the wrist to which it might be attached -Output Transcription: nothing more not even the wrist to which it might be attached -2021-09-20 08:38:26.316 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:38:26.319 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: we will go out together to the bower there is a way down to the court from my window -Output Transcription: we will go out together to the power there is a way down to the court from my window -2021-09-20 08:38:26.321 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.052632 -2021-09-20 08:38:26.322 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: thank you rachel my cousin rachel my only friend -Output Transcription: thank you rachel my cousin rachel my only friend -2021-09-20 08:38:26.322 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:38:26.323 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: and i should begin with a short homily on soliloquy -Output Transcription: and i shall begin with a short homily on soliloquy -2021-09-20 08:38:26.324 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.100000 -2021-09-20 08:38:26.325 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: do not therefore think that the gothic school is an easy one -Output Transcription: do not therefore think that the gothic schools and easy one -2021-09-20 08:38:26.326 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.250000 -2021-09-20 08:38:26.327 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: will you leave me alone in my own room or must i go away to escape you -Output Transcription: will you leave me alone in my own room or must i go away to escape you -2021-09-20 08:38:26.327 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:38:26.327 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: that's not much of a job for an athlete here i've been to town and back -Output Transcription: that's not much of a job for an athlete here i've been to town and back -2021-09-20 08:38:26.327 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:38:26.328 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: in person welcome aboard professor your cabin is waiting for you -Output Transcription: in person welcome boy professor your cabin is waiting for you -2021-09-20 08:38:26.330 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.090909 -2021-09-20 08:38:26.330 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the bear shook his shaggy sides and then a well known voice replied -Output Transcription: the bear shook his shaggy sides and then a well known voice replied -2021-09-20 08:38:26.331 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:38:26.331 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: but how did she manage to render it so fashionable -Output Transcription: but how did she manage to render it so fashionable -2021-09-20 08:38:26.331 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:38:26.334 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: do you know i thought the dance a bit conscious to night for the first time -Output Transcription: you know i thought the dance of conscious tonight for the first time -2021-09-20 08:38:26.335 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.312500 -2021-09-20 08:38:26.337 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: well now ennis i declare you have a head and so has my stick -Output Transcription: well now is i declare you have a head and so has my stick -2021-09-20 08:38:26.339 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.071429 -2021-09-20 08:38:26.340 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: angor pain painful to hear -Output Transcription: anger pain painful to hear -2021-09-20 08:38:26.340 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.200000 -2021-09-20 08:38:26.343 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i like to talk to carl about new york and what a fellow can do there -Output Transcription: i like to talk to carl about new york on what a fellow can do there -2021-09-20 08:38:26.345 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.062500 -2021-09-20 08:38:26.346 | INFO | deepspeech2x.model:test:372 - Error rate [wer] (896/?) = 0.081355 -2021-09-20 08:38:30.018 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: come to me men here here he raised his voice still louder -Output Transcription: come to me men here here he raised his voice still louder -2021-09-20 08:38:30.020 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:38:30.021 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: good gracious has the king any right to interfere in matters of that kind -Output Transcription: good gracious as the king any right to interfere in matters of that kind -2021-09-20 08:38:30.023 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.071429 -2021-09-20 08:38:30.023 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: but cap'n bill made no such attempt knowing it would be useless -Output Transcription: but cap'n bill made no such attempt knowing it would be useless -2021-09-20 08:38:30.024 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:38:30.025 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: said another voice which i recognized as voltaire's kaffar -Output Transcription: said another voice which i recognized as vultures car -2021-09-20 08:38:30.025 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.222222 -2021-09-20 08:38:30.026 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: lend me your ear for ten minutes and you shall learn just what stagecraft is -Output Transcription: lend me your ear for ten minutes and you shall learn just what stagecraft is -2021-09-20 08:38:30.026 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:38:30.026 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i felt it in my bones when i woke this morning that something splendid was going to turn up -Output Transcription: i felt it in my bones when i woke this morning that something splendid was going to turn up -2021-09-20 08:38:30.026 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:38:30.027 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: there there he said soothingly patting her brown fuzzy head -Output Transcription: there there he said soothingly patting her brown fuzzy head -2021-09-20 08:38:30.027 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:38:30.027 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: before them fled the stroller and his three sons capless and terrified -Output Transcription: before them fled the stroller and his three sons capless and terrified -2021-09-20 08:38:30.027 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:38:30.029 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: were i in the warm room with all the splendor and magnificence -Output Transcription: where i and the warm room with all that splendour and magnificence -2021-09-20 08:38:30.030 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.333333 -2021-09-20 08:38:30.032 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: hers happened to be in the same frame too but she evidently didn't care about that -Output Transcription: hers happened to be on the same frame too but she evidently didn't care about it -2021-09-20 08:38:30.034 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.125000 -2021-09-20 08:38:30.035 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: does your majesty then no longer believe the disloyal attempt -Output Transcription: does your majesty then no longer believe the disloyal attempt -2021-09-20 08:38:30.035 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:38:30.036 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the duchess of southbridge to lord reggie oh reggie what did you say -Output Transcription: the doctors of southbridge to lord reggie already what did you say -2021-09-20 08:38:30.038 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.230769 -2021-09-20 08:38:30.038 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i will take the black clay with me also the pencil cuttings good bye -Output Transcription: i will take the black clay with me also the pencil cuttings good bye -2021-09-20 08:38:30.038 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:38:30.040 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: is thy father willing thee should go away to a school of the world's people -Output Transcription: is thy father willing they should go away to a school of the world's people -2021-09-20 08:38:30.042 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.066667 -2021-09-20 08:38:30.042 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: who is humpy dumpy asked the mice -Output Transcription: who is hump don't p asked the ice -2021-09-20 08:38:30.043 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.571429 -2021-09-20 08:38:30.044 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: milligram roughly one twenty eight thousand of an ounce -Output Transcription: milligram roughly one twenty eight thousand of an as -2021-09-20 08:38:30.045 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.111111 -2021-09-20 08:38:30.045 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: you left him in a chair you say which chair by the window there -Output Transcription: you left him in a chair you say which chair by the window there -2021-09-20 08:38:30.045 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:38:30.047 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the squares of cotton sharp edged heavy were just about to burst to bolls -Output Transcription: the squares of cotton sharp edged heavy we're just about to purse to balls -2021-09-20 08:38:30.049 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.214286 -2021-09-20 08:38:30.049 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: he was in deep converse with the clerk and entered the hall holding him by the arm -Output Transcription: he was in deep converse with the clerk and entered the hall holding him by the arm -2021-09-20 08:38:30.049 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:38:30.050 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: nay nay lording answered warrenton with a half laugh -Output Transcription: nay nay luring answered warrenton with a half laugh -2021-09-20 08:38:30.051 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.111111 -2021-09-20 08:38:30.053 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: well well don't trouble to answer listen and see that i do you no injustice -Output Transcription: well out don't trouble to answer listen and see that i do you know injustice -2021-09-20 08:38:30.055 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.133333 -2021-09-20 08:38:30.055 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: he seemed born to please without being conscious of the power he possessed -Output Transcription: he seemed born to please without being conscious of the power he possessed -2021-09-20 08:38:30.055 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:38:30.056 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: certainly sire but i must have money to do that what -Output Transcription: certainly sir but i must have money to do that what -2021-09-20 08:38:30.057 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.090909 -2021-09-20 08:38:30.058 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: alas i have grieved so i am hard to love -Output Transcription: alas i have grieved so i am hard to love -2021-09-20 08:38:30.058 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:38:30.058 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: again he searched his own thoughts nor ineffectually as before -Output Transcription: again he searched his own thoughts nor ineffectually as before -2021-09-20 08:38:30.059 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:38:30.060 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the hair was of brown yarn and hung down on her neck in several neat braids -Output Transcription: the hair was of brown yarn and hung down on her neck in several neat braids -2021-09-20 08:38:30.060 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:38:30.062 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: don't i though i'm so sorry to hear it how did her son turn out -Output Transcription: don't i though am so sorry to hear it how did her son turn out -2021-09-20 08:38:30.064 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.066667 -2021-09-20 08:38:30.064 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: length of service fourteen years three months and five days -Output Transcription: length of service fourteen years three months and five days -2021-09-20 08:38:30.064 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:38:30.065 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: like as not young master though i am an old man -Output Transcription: like as not young master though i am an old man -2021-09-20 08:38:30.066 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:38:30.066 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i had to read it over carefully as the text must be absolutely correct -Output Transcription: i had to read it over carefully as the text must be absolutely correct -2021-09-20 08:38:30.067 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:38:30.068 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: we are quite satisfied now captain battleax said my wife -Output Transcription: we are quite satisfied now captain battle axe said my wife -2021-09-20 08:38:30.069 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.200000 -2021-09-20 08:38:30.071 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: descend o little cloud and hover before the eyes of thel -Output Transcription: to send a little cloud and hovered before the eyes of hell -2021-09-20 08:38:30.072 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.454545 -2021-09-20 08:38:30.073 | INFO | deepspeech2x.model:test:372 - Error rate [wer] (928/?) = 0.081423 -2021-09-20 08:38:32.550 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: why an ear a whirlpool fierce to draw creations in -Output Transcription: why an ear a whirlpool fierce to draw creations in -2021-09-20 08:38:32.551 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:38:32.552 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i'm sure alexandra hopes you will stay on here she murmured -Output Transcription: i am sure alexander helps you will stay on here she murmured -2021-09-20 08:38:32.554 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.363636 -2021-09-20 08:38:32.554 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: won't you run into the house and see if martha can't spare one or two more maids -Output Transcription: won't you run into the house and see if martha can't spare one or two more maids -2021-09-20 08:38:32.554 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:38:32.555 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i will ask the least imaginable but i must have something -Output Transcription: i will ask the least imaginable but i must have something -2021-09-20 08:38:32.555 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:38:32.555 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: a more dreary and more disunited family party i never sat at the table with -Output Transcription: a more dreary and more disunited family party i never sat at the table with -2021-09-20 08:38:32.555 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:38:32.556 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: anyhow we'll leave instructions to ship the whole menagerie to france -Output Transcription: anyhow we'll leave instructions to ship the whole menagerie to france -2021-09-20 08:38:32.556 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:38:32.556 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: what can you mean by that miss woodley you talk mysteriously -Output Transcription: what can you mean by that miss woodley you talk mysteriously -2021-09-20 08:38:32.556 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:38:32.556 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: those huge creatures attacked each other with the greatest animosity -Output Transcription: those huge creatures attacked each other with the greatest animosity -2021-09-20 08:38:32.557 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:38:32.558 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: he called this sea a pond and our long voyage taking a little sail -Output Transcription: he called the sea upon and or long for wage taking a little sail -2021-09-20 08:38:32.560 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.428571 -2021-09-20 08:38:32.560 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: a word should now be said about the origin of luther's commentary on galatians -Output Transcription: a word should now be said about the origin of luther's commentary on galatians -2021-09-20 08:38:32.561 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:38:32.562 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: he keeps the thou shalt not commandments first rate hen lord does -Output Transcription: he keeps that thou shalt not commandments first rate and lord does -2021-09-20 08:38:32.563 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.166667 -2021-09-20 08:38:32.564 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the moment i looked at my table i was aware that someone had rummaged among my papers -Output Transcription: the moment i looked at my table i was aware that someone had rummaged among my papers -2021-09-20 08:38:32.564 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:38:32.564 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: perhaps the other trees from the forest will come to look at me -Output Transcription: perhaps the other trees from the forest will come to look at me -2021-09-20 08:38:32.564 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:38:32.565 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i cannot deny myself the gratification of inserting southey's reply -Output Transcription: i cannot deny myself the gratification of inserting so these reply -2021-09-20 08:38:32.567 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.200000 -2021-09-20 08:38:32.567 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: no doubt in process of time the ladies will follow -Output Transcription: no doubt in process of time the ladies will follow -2021-09-20 08:38:32.567 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:38:32.567 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: and in this last action he falls into the classic sin of pride -Output Transcription: and in this last action he falls into the classic sin of pride -2021-09-20 08:38:32.568 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:38:32.568 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i am very uneasy about it whatever it is i can't help it -Output Transcription: i am very uneasy about it whatever it is i can't help it -2021-09-20 08:38:32.568 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:38:32.569 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: each day has its own great grief or its little care -Output Transcription: each day has its own great green for its little care -2021-09-20 08:38:32.570 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.181818 -2021-09-20 08:38:32.573 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: then i will get me a farm and will winter in that land now who will follow me -Output Transcription: then i will get me a farm will winner in that land now who will follow me -2021-09-20 08:38:32.575 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.111111 -2021-09-20 08:38:32.577 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: and he made a little dip of his cane towards brandon hall over his shoulder -Output Transcription: and he made a little dip of his cane towards branded all over his shoulder -2021-09-20 08:38:32.579 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.133333 -2021-09-20 08:38:32.579 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: this knowledge is memory in one sense though in another it is not -Output Transcription: this knowledge is memory in one sense though in another it is not -2021-09-20 08:38:32.580 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:38:32.580 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: and what was the subject of the poem said the person who made the remark -Output Transcription: and what was the subject of the poem said the person who made the remark -2021-09-20 08:38:32.580 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:38:32.582 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the hours passed wearily by and movement could yet be heard about the hall -Output Transcription: the hours past wearily by and movement could yet be heard about the hall -2021-09-20 08:38:32.584 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.071429 -2021-09-20 08:38:32.586 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: he might have had that forged check for the face of it if he'd been sharp -Output Transcription: he might have had that for check for the face of it if he'd been sharp -2021-09-20 08:38:32.588 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.062500 -2021-09-20 08:38:32.588 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: john taylor who had supported her through college was interested in cotton -Output Transcription: john taylor who had supported her through college was interested in cotton -2021-09-20 08:38:32.589 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:38:32.589 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: people suffer in the light excess burns -Output Transcription: people suffer in the light excess burns -2021-09-20 08:38:32.590 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:38:32.591 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: come forth worm and the silent valley to thy pensive queen -Output Transcription: come forth worm in the silent valley to thy pensive queen -2021-09-20 08:38:32.593 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.090909 -2021-09-20 08:38:32.595 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: that a style is restrained or severe does not mean that it is also erroneous -Output Transcription: that style is restrained or severe does not mean that it is also erroneous -2021-09-20 08:38:32.596 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.066667 -2021-09-20 08:38:32.597 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: it was the indian whose dark silhouette appeared suddenly upon his blind -Output Transcription: it was the indian whose dark silhouette appeared suddenly upon his blind -2021-09-20 08:38:32.598 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:38:32.599 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: then she gave a little laugh and replied no miss beth i'm elizabeth parsons -Output Transcription: then she gave a little laugh and replied no miss beth am elizabeth parsons -2021-09-20 08:38:32.602 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.071429 -2021-09-20 08:38:32.602 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: vast importance and influence of this mental furnishing -Output Transcription: vast importance and influence of this mental furnishing -2021-09-20 08:38:32.602 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:38:32.604 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: servadac took it for granted that the dobryna was endeavoring to put in -Output Transcription: serv adac took it for granted that the dorina was endeavoring to put in -2021-09-20 08:38:32.606 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.230769 -2021-09-20 08:38:32.607 | INFO | deepspeech2x.model:test:372 - Error rate [wer] (960/?) = 0.080820 -2021-09-20 08:38:33.946 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: that won't last it will go away and things will be just as they used to -Output Transcription: that won't last it will go away and things will be just as they used to -2021-09-20 08:38:33.947 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:38:33.947 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: a new member of the family circle who instantly attracted my attention entered the room -Output Transcription: a new member of the family circle who instantly attracted my attention entered the room -2021-09-20 08:38:33.947 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:38:33.949 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: come and get the boolooroo she said going toward the benches -Output Transcription: come and get the coolaroo she said going toward the benches -2021-09-20 08:38:33.950 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.090909 -2021-09-20 08:38:33.950 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: consumption becomes a larger element in the standard of living in the city than in the country -Output Transcription: consumption becomes a larger element in the standard of living in the city than in the country -2021-09-20 08:38:33.950 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:38:33.951 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: he spoke simply but paced up and down the narrow cell in front of them -Output Transcription: he spoke simply but paced up and down the narrow cell in front of them -2021-09-20 08:38:33.951 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:38:33.952 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: so there is to me added sandford with a sarcastic sneer -Output Transcription: so there is to me added sanford with a sarcastic near -2021-09-20 08:38:33.953 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.181818 -2021-09-20 08:38:33.954 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: thy ways greatly try me ruth and all thy relations -Output Transcription: thy ways greatly try me ruth and all thy relations -2021-09-20 08:38:33.954 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:38:33.956 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: we'll come in here this afternoon with old clothes on and have a regular house cleaning -Output Transcription: or come in here this afternoon with old clothes on and half a regular house cleaning -2021-09-20 08:38:33.958 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.125000 -2021-09-20 08:38:33.960 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: they asked him to come to see them in chelsea and they spoke very tenderly of hilda -Output Transcription: they asked him to come to see them in chelsea and they spoke very tenderly of helder -2021-09-20 08:38:33.962 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.058824 -2021-09-20 08:38:33.964 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: she blushed and smiled and fumbled his card in her confusion before she ran upstairs -Output Transcription: she blushed and smiled and followed his card in her confusion before she ran upstairs -2021-09-20 08:38:33.966 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.066667 -2021-09-20 08:38:33.967 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: socrates begins the timaeus with a summary of the republic -Output Transcription: sovereignties begins to tears with a summary of the republic -2021-09-20 08:38:33.968 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.300000 -2021-09-20 08:38:33.968 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the modern organization of industry works in the same direction also by another line -Output Transcription: the modern organization of industry works in the same direction also by another line -2021-09-20 08:38:33.969 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:38:33.969 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i am by no means old said the fir tree -Output Transcription: i am by no means old said the fir tree -2021-09-20 08:38:33.969 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:38:33.969 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: on friday confession will be heard all the afternoon after beads -Output Transcription: on friday confession will be heard all the afternoon after beads -2021-09-20 08:38:33.970 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:38:33.970 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: father thee's unjust to philip he's going into business -Output Transcription: father these unjust to philip he's going into business -2021-09-20 08:38:33.971 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.111111 -2021-09-20 08:38:33.973 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: tis fine for you to talk old man answered the lean sullen apprentice -Output Transcription: it is fine for you to talk old man answered the lean sullen apprentice -2021-09-20 08:38:33.974 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.153846 -2021-09-20 08:38:33.975 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the hawk sat upon the branch and watched his quarry swimming beneath the surface -Output Transcription: the hawk sat upon the branch and watched his quarry swimming beneath the surface -2021-09-20 08:38:33.975 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:38:33.975 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: and besides suppose thee does learn medicine -Output Transcription: and besides suppose the does lured medicine -2021-09-20 08:38:33.976 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.285714 -2021-09-20 08:38:33.976 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: it is possible that i may be in a position then to indicate some course of action -Output Transcription: it is possible that i may be in a position then to indicate some course of action -2021-09-20 08:38:33.977 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:38:33.978 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the only cheerful conversation was the conversation across the table between naomi and me -Output Transcription: the only cheerful conversation was the conversation across the table between a man me -2021-09-20 08:38:33.980 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.142857 -2021-09-20 08:38:33.980 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i'm running for representative on the republican ticket said kenneth quietly -Output Transcription: i'm running for representative on the republican ticket said kenneth quietly -2021-09-20 08:38:33.980 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:38:33.981 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: yes but the meridian of the palais royal is the most exact -Output Transcription: yes but the meridian of the palais royal is the most exact -2021-09-20 08:38:33.981 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:38:33.982 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the salient features of this development of domestic service have already been indicated -Output Transcription: the salon features of this development of domestic service have already been indicated -2021-09-20 08:38:33.984 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.076923 -2021-09-20 08:38:33.984 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: a feeling of freedom and i was awake where -Output Transcription: a feeling of freedom and i was awake where -2021-09-20 08:38:33.984 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:38:33.984 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: once fairly a wing however he wheeled and made back hurriedly for his perch -Output Transcription: once fairly a wing however he wheeled and made back hurriedly for his perch -2021-09-20 08:38:33.985 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:38:33.985 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: positively heroic added cresswell avoiding his sister's eyes -Output Transcription: positively heroic added criswell avoiding his sister's eyes -2021-09-20 08:38:33.986 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.125000 -2021-09-20 08:38:33.987 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: tis now winter out of doors thought the tree -Output Transcription: it is now winter out of doors thought the tree -2021-09-20 08:38:33.988 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.222222 -2021-09-20 08:38:33.989 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: this thought however did not enter the heads of the enthusiastic pair -Output Transcription: this thought however did not enter the heads of the enthusiastic pair -2021-09-20 08:38:33.990 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:38:33.990 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: not at all you are on the contrary most agreeable to me -Output Transcription: not at all you are on the contrary most agreeable to me -2021-09-20 08:38:33.990 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:38:33.992 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the others resented postponement but it was just his scruples that charmed me -Output Transcription: the others resented postponement but it was just his scruples the charmed me -2021-09-20 08:38:33.993 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.076923 -2021-09-20 08:38:33.994 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: it was on the last day of january that the repairs of the schooner were completed -Output Transcription: it was on the last day of january that the repairs of the schooner were completed -2021-09-20 08:38:33.994 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:38:33.994 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the shadow of the raft was clearly outlined upon the surface of the waves -Output Transcription: the shadow of the raft was clearly outlined upon the surface of the waves -2021-09-20 08:38:33.995 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:38:33.996 | INFO | deepspeech2x.model:test:372 - Error rate [wer] (992/?) = 0.079600 -2021-09-20 08:38:35.264 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i will if timaeus approves i approve -Output Transcription: i will it to me is approves i approve -2021-09-20 08:38:35.265 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.571429 -2021-09-20 08:38:35.265 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: never mind now interposed the captain we will talk of that by and by -Output Transcription: never mind now interposed the captain we will talk of that by and by -2021-09-20 08:38:35.266 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:38:35.267 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: we sat with the officers some little time after dinner and then went ashore -Output Transcription: we sat with the officer some little time after dinner and then went ashore -2021-09-20 08:38:35.269 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.071429 -2021-09-20 08:38:35.270 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: this was what did the mischief so far as the running away was concerned -Output Transcription: this was what did the mischief so far as the running away was concerned -2021-09-20 08:38:35.270 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:38:35.271 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: once in action he was leading a detachment of infantry through an intrenchment -Output Transcription: once an action he was leading a detachment of infantry through an entrenchment -2021-09-20 08:38:35.273 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.153846 -2021-09-20 08:38:35.273 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: you have come to us threatening us with absolute destruction -Output Transcription: you have come to us threatening us with absolute destruction -2021-09-20 08:38:35.273 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:38:35.275 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: fairview was twelve miles away but by ten o'clock they drew up at the county jail -Output Transcription: fairview is twelve miles away but by ten o'clock they drew up at the county trail -2021-09-20 08:38:35.277 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.125000 -2021-09-20 08:38:35.278 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i suppose though it's too early for them then came the explosion -Output Transcription: i suppose though it's too early for them then came the explosion -2021-09-20 08:38:35.278 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:38:35.278 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: yes but perhaps i frightened her in what way -Output Transcription: yes but perhaps i frightened her in what way -2021-09-20 08:38:35.278 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:38:35.280 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: you see my friend it's an issue of the monster the notorious narwhale -Output Transcription: you see my friend it's an issue of the monster that notorious narwhal -2021-09-20 08:38:35.281 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.153846 -2021-09-20 08:38:35.281 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: pearl saw and gazed intently but never sought to make acquaintance -Output Transcription: pearl saw and gazed intently but never sought to make acquaintance -2021-09-20 08:38:35.282 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:38:35.284 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: and if i had a fortune would thee want me to lead a useless life -Output Transcription: and if i had a fortune would he want me to lead a useless life -2021-09-20 08:38:35.285 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.066667 -2021-09-20 08:38:35.287 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the phrase and the day and the scene harmonized in a chord -Output Transcription: the phrase and the day and the scene harmonized in accord -2021-09-20 08:38:35.288 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.166667 -2021-09-20 08:38:35.289 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: you see loving some one as i love you makes the whole world different -Output Transcription: you see loving someone as i love you mix the whole world different -2021-09-20 08:38:35.291 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.214286 -2021-09-20 08:38:35.292 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: olive's mournful black eyes met nancy's sparkling brown ones -Output Transcription: olives mournful black eyes meant nancy sparkling brown lands -2021-09-20 08:38:35.292 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.444444 -2021-09-20 08:38:35.293 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: a cold bright moon was shining with clear sharp lights and shadows -Output Transcription: a cold bright moon was shining with clear sharp lights and shadows -2021-09-20 08:38:35.293 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:38:35.293 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: it is necessary therefore that he should comply the king frowned -Output Transcription: it is necessary therefore that he should comply the king frowned -2021-09-20 08:38:35.293 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:38:35.294 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: but this was what the tree could not bear to hear -Output Transcription: but this was what the tree could not bear to hear -2021-09-20 08:38:35.294 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:38:35.295 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: is thee going to the yearly meeting ruth asked one of the girls -Output Transcription: is the going to the yearly meeting ruth asked one of the girls -2021-09-20 08:38:35.297 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.076923 -2021-09-20 08:38:35.297 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: but the plant ran and it was the first three wire station in this country -Output Transcription: but the plant ran and it was the first three wire station in this country -2021-09-20 08:38:35.297 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:38:35.299 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: what of the farm olaf not yet i answered viking is better for summer -Output Transcription: what is the farm all off not yet i answered biking is better for summer -2021-09-20 08:38:35.301 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.285714 -2021-09-20 08:38:35.303 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: some girl has been here twice to interview my men and i have refused to admit her -Output Transcription: some girl has been in here twice to interview my men and i have refused to admit her -2021-09-20 08:38:35.306 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.058824 -2021-09-20 08:38:35.306 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: we ought to have more attendants beth said louise approaching her cousin -Output Transcription: we ought to have more attendants beth said louise approaching her cousin -2021-09-20 08:38:35.306 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:38:35.308 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: as a matter of fact he could not said soames for i entered by the side door -Output Transcription: as a matter of fact he could not said solms for i entered by the side door -2021-09-20 08:38:35.311 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.058824 -2021-09-20 08:38:35.313 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: master monceux the sheriff of nottingham was mightily put about when told of the rioting -Output Transcription: master monceau the sheriff of nottingham was mightily put about when told of the rioting -2021-09-20 08:38:35.314 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.066667 -2021-09-20 08:38:35.315 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: nature of the effect produced by early impressions -Output Transcription: nature of the effect produced by early impressions -2021-09-20 08:38:35.315 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:38:35.315 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the army found the people in poverty and left them in comparative wealth -Output Transcription: the army found the people in poverty and left them in comparative wealth -2021-09-20 08:38:35.316 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:38:35.317 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: you hear what sir ferdinando brown has said replied captain battleax -Output Transcription: you hear what sir ferdinand o brown a sad replied captain battle axe -2021-09-20 08:38:35.319 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.545455 -2021-09-20 08:38:35.320 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: can you imagine why buckingham has been so violent i suspect -Output Transcription: can you imagine my buckingham has been so violent i suspect -2021-09-20 08:38:35.322 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.090909 -2021-09-20 08:38:35.322 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: there is even a white row of beehives in the orchard under the walnut trees -Output Transcription: there is even a white row of beehives in the orchard under the walnut trees -2021-09-20 08:38:35.323 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:38:35.323 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i am not depreciating it when i say that in these times it is not rare -Output Transcription: i am not depreciating it when i say that in these times it is not rare -2021-09-20 08:38:35.323 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:38:35.324 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the servants as well as the young ladies decorated it -Output Transcription: the servants as well as the young ladies decorated it -2021-09-20 08:38:35.324 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:38:35.325 | INFO | deepspeech2x.model:test:372 - Error rate [wer] (1024/?) = 0.080017 -2021-09-20 08:38:36.699 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i did not wrong myself so but i placed a wrong on thee -Output Transcription: i did not wrong myself so but i placed a wrong on the -2021-09-20 08:38:36.701 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.076923 -2021-09-20 08:38:36.702 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the parliament and the scots laid their proposals before the king -Output Transcription: the parliament and the scots laid their proposals before the king -2021-09-20 08:38:36.702 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:38:36.702 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i am not complaining that the rate is slow but that the sea is so wide -Output Transcription: i am not complaining that the rate is slow but that the sea is so wide -2021-09-20 08:38:36.703 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:38:36.705 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: on the other hand we are not to regard them as so terrible that we must despair -Output Transcription: on the other hand we are not to regard them is so terrible that we must despair -2021-09-20 08:38:36.707 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.058824 -2021-09-20 08:38:36.708 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: gentlemen to your posts whereupon saint aignan and villeroy took their leave -Output Transcription: gentleman to your posts whereupon saint and yon and valerio their leave -2021-09-20 08:38:36.710 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.416667 -2021-09-20 08:38:36.710 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: why one morning there came a quantity of people and set to work in the loft -Output Transcription: why one morning there came a quantity of people and set to work in the loft -2021-09-20 08:38:36.711 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:38:36.711 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: would not the loftiest eminences of the city at least be visible -Output Transcription: would not the loftiest eminences of the city at least be visible -2021-09-20 08:38:36.711 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:38:36.712 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: something better something still grander must follow but what -Output Transcription: something better something still grandeur must follow but what -2021-09-20 08:38:36.713 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.111111 -2021-09-20 08:38:36.713 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: yet these thoughts affected hester prynne less with hope than apprehension -Output Transcription: yet these thoughts affected hester prynne less with hope than apprehension -2021-09-20 08:38:36.713 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:38:36.715 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: at the emerald city where our princess ozma lives green is the popular color -Output Transcription: at the emerald city where our princess ozma lives green is a popular color -2021-09-20 08:38:36.717 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.071429 -2021-09-20 08:38:36.719 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: bartley started when hilda rang the little bell beside her dear me why did you do that -Output Transcription: partly started when held to ring a little belt beside her dear me why did you do that -2021-09-20 08:38:36.722 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.352941 -2021-09-20 08:38:36.724 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: it wasn't simply that she said so but that i knew she hadn't i was sure i could see -Output Transcription: boston simply that she said so but that i knew she hadn't i was sure i could see -2021-09-20 08:38:36.727 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.105263 -2021-09-20 08:38:36.729 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: in a general way though not wholly nor consistently these two groups coincide -Output Transcription: in a general way though not wholly not consistently these two groups coincide -2021-09-20 08:38:36.730 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.076923 -2021-09-20 08:38:36.732 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: it was very jolly he murmured lazily as marie came in to take away the coffee -Output Transcription: it was a very jolly he murmured lazily as marie came in to take away the coffee -2021-09-20 08:38:36.734 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.062500 -2021-09-20 08:38:36.735 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: for a long time he had wished to explore the beautiful land of oz in which they lived -Output Transcription: for a long time he had wished to explore the beautiful land of oz in which they lived -2021-09-20 08:38:36.735 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:38:36.737 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: paul takes pride in his ministry not to his own praise but to the praise of god -Output Transcription: politics pride in his ministry not to his own phrase but to the praise of god -2021-09-20 08:38:36.739 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.176471 -2021-09-20 08:38:36.740 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: let us retrace our steps and examine as we go with keener eyes -Output Transcription: let us retrace our steps and examine as we go with keener eyes -2021-09-20 08:38:36.740 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:38:36.741 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: a little bit of plaster tumbled down the chimney and startled me confoundedly -Output Transcription: a little bit of plaster tumbled down the chimney and startled me confounded ly -2021-09-20 08:38:36.743 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.153846 -2021-09-20 08:38:36.745 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: and my pocket money is getting low again and you haven't any left as usual -Output Transcription: and my pocket money is getting low again and you have any left as usual -2021-09-20 08:38:36.747 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.066667 -2021-09-20 08:38:36.748 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: this passage then bears out the fact that all men are sold under sin -Output Transcription: this passage then bears out the fact that all men or sold under sin -2021-09-20 08:38:36.750 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.071429 -2021-09-20 08:38:36.752 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i am stiff with long sitting he said i itch for a fight i turned to the farmer -Output Transcription: i'm stiff with long sitting he said it for our flight i turned to the farmer -2021-09-20 08:38:36.754 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.333333 -2021-09-20 08:38:36.755 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: they snuffed about the fir tree and rustled among the branches -Output Transcription: they snuffed about the fir tree and rustled among the branches -2021-09-20 08:38:36.755 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:38:36.756 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i refer to the thermometer it indicates the figure is obliterated -Output Transcription: i referred to the thermometer it indicates the figure is obliterated -2021-09-20 08:38:36.757 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.090909 -2021-09-20 08:38:36.759 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: no i've made up my mind about it if i'm mabel i'll stay down here -Output Transcription: no i'd made up my mind about it if i'm mabel i'll stay down here -2021-09-20 08:38:36.761 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.066667 -2021-09-20 08:38:36.763 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: we have come from a far lonelier place than this a lonelier place -Output Transcription: we have come from a far lonelier place than this a lonely your place -2021-09-20 08:38:36.764 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.153846 -2021-09-20 08:38:36.765 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the atmosphere is evidently charged and surcharged with electricity -Output Transcription: the atmosphere as evidently charged and surcharge with electricity -2021-09-20 08:38:36.767 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.222222 -2021-09-20 08:38:36.767 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: we are to hear christ who has been appointed by the father as our divine teacher -Output Transcription: we are to hear christ who has been appointed by the father as our divine teacher -2021-09-20 08:38:36.767 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:38:36.769 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: mark my words you'll find him too strong for you aye and too deep -Output Transcription: mark my words you'll find him too strong for you i am too deep -2021-09-20 08:38:36.771 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.142857 -2021-09-20 08:38:36.771 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: conseil i called a third time conseil appeared -Output Transcription: conseil i called a third time conseil appeared -2021-09-20 08:38:36.772 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:38:36.774 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: see that your lives be in nothing worse than a boy's climbing for his entangled kite -Output Transcription: see that your lives be in nothing worse than a boys climbing for his entangled kite -2021-09-20 08:38:36.776 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.062500 -2021-09-20 08:38:36.777 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i entered and i took you into my confidence as to the suggestions of the side table -Output Transcription: i entered and i took you into my confidence as to the suggestions of the side table -2021-09-20 08:38:36.777 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:38:36.778 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: perchance too kaffar's death might serve him in good stead -Output Transcription: perchance to car's death might serve him in good stead -2021-09-20 08:38:36.780 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.200000 -2021-09-20 08:38:36.781 | INFO | deepspeech2x.model:test:372 - Error rate [wer] (1056/?) = 0.080792 -2021-09-20 08:38:40.705 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: grace involves the remission of sins peace and a happy conscience -Output Transcription: grace involves the remission of sins peace and happy conscience -2021-09-20 08:38:40.707 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.090909 -2021-09-20 08:38:40.707 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: it is so made that everywhere we feel the sense of punishment -Output Transcription: it is so made that everywhere we feel the sense of punishment -2021-09-20 08:38:40.707 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:38:40.711 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i didn't stop to think whether it was foolish or not i did it and i'm glad i did -Output Transcription: i didn't stop to think whether it was foolish or not i did it and i'm glad i did it -2021-09-20 08:38:40.714 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.052632 -2021-09-20 08:38:40.714 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i shall be punished for it now i suppose by being drowned in my own tears -Output Transcription: i shall be punished for it now i suppose by being drowned in my own tears -2021-09-20 08:38:40.714 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:38:40.715 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: she has a son theft and a daughter hunger -Output Transcription: she has a son theft and a daughter hunger -2021-09-20 08:38:40.715 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:38:40.717 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: they drew back a little from the entrance and motioned to the supposed conjurer to enter -Output Transcription: they drew back a little from the entrance and motion to the supposed conjurer to enter -2021-09-20 08:38:40.720 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.062500 -2021-09-20 08:38:40.722 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: he began a confused complaint against the wizard who had vanished behind the curtain on the left -Output Transcription: he began to confused complaint against the wizard who had vanished behind the curtain on the left -2021-09-20 08:38:40.724 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.058824 -2021-09-20 08:38:40.726 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: please forgive me for this underhanded way of admitting i had turned forty -Output Transcription: please forgive me for this underhanded way of admitting that i had turned forty -2021-09-20 08:38:40.727 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.076923 -2021-09-20 08:38:40.729 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: he seemed to wait for her reply but as she made none he proceeded -Output Transcription: he seemed to wait for her reply but as she may not he proceeded -2021-09-20 08:38:40.731 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.142857 -2021-09-20 08:38:40.733 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i was bookkeeper so it was easy to get a blank check and forge the signature -Output Transcription: i was bitkeeper so it was easy to get a blank check and forged the signature -2021-09-20 08:38:40.735 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.125000 -2021-09-20 08:38:40.738 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: at tea time they were sad and silent and the meal went away untouched by any of the three -Output Transcription: at tea time they were sad and silent and the meal went away and touched by any of the three -2021-09-20 08:38:40.742 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.105263 -2021-09-20 08:38:40.746 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the strollers took their part in it with hearty zest now that they had some chance of beating off their foes -Output Transcription: the stroller took their part in it with hearts as now that they had some chance of beating off their foes -2021-09-20 08:38:40.750 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.142857 -2021-09-20 08:38:40.751 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: by the by i've never seen your dairy i must see your dairy missus poyser -Output Transcription: by the by i've never seen your dear monsieur dary missus poyser -2021-09-20 08:38:40.753 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.400000 -2021-09-20 08:38:40.753 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the world is all there just as it used to be but i can't get at it any more -Output Transcription: the world is all there just as it used to be but i can't get at it any more -2021-09-20 08:38:40.753 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:38:40.754 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: rejoice in our presence said the air and the sunlight -Output Transcription: my choice in our presence said the air and the sunlight -2021-09-20 08:38:40.756 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.200000 -2021-09-20 08:38:40.756 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: but i would not speak at the time because i wanted to refresh my memory -Output Transcription: but i would not speak at the time because i wanted to refresh my memory -2021-09-20 08:38:40.756 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:38:40.758 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: re enter butler and three footmen who remove the tea things hostess to guest -Output Transcription: reenter buttler and three footmen who moved the tea things hoses to guest -2021-09-20 08:38:40.760 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.357143 -2021-09-20 08:38:40.761 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: you will allow me to suggest said he that that is a matter of opinion -Output Transcription: you will allow me to suggest said he but that is a matter of opinion -2021-09-20 08:38:40.764 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.066667 -2021-09-20 08:38:40.766 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: old will is a fine fellow but poor and helpless since missus rogers had her accident -Output Transcription: old well is a fine fellow but poor and helpless since missus rogers had her accident -2021-09-20 08:38:40.768 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.062500 -2021-09-20 08:38:40.769 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the cloud then shewd his golden head and his bright form emerg'd -Output Transcription: the cloud then showed his golden head and his bright form emerged -2021-09-20 08:38:40.771 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.166667 -2021-09-20 08:38:40.772 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: or an eye of gifts and graces showring fruits and coined gold -Output Transcription: or an eye of gifts and graces showering fruits and poignant gold -2021-09-20 08:38:40.773 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.166667 -2021-09-20 08:38:40.776 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: he looked up at naomi doubtingly from his plate and looked down again slowly with a frown -Output Transcription: he looked up and nominating ly from his play and looked down again slowly with a frown -2021-09-20 08:38:40.778 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.235294 -2021-09-20 08:38:40.780 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: at the prow i carved the head with open mouth and forked tongue thrust out -Output Transcription: at the prowar car of the head with open mouth and forked tongue thrust out -2021-09-20 08:38:40.782 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.200000 -2021-09-20 08:38:40.782 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: you resemble me rachel you are fearless and inflexible and generous -Output Transcription: you resemble me rachel you are fearless and inflexible and generous -2021-09-20 08:38:40.782 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:38:40.784 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: holmes turned away and stooped suddenly to the floor halloa what's this -Output Transcription: holmes turned away and stooped suddenly to the floor hello what is this -2021-09-20 08:38:40.785 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.250000 -2021-09-20 08:38:40.786 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: did anyone know that these proofs would be there no one save the printer -Output Transcription: did anyone know that these proofs would be there no one save the printer -2021-09-20 08:38:40.786 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:38:40.788 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: already a north and a south were talked of why not set up also a west -Output Transcription: already a north and south were talked of why not set up also a west -2021-09-20 08:38:40.790 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.062500 -2021-09-20 08:38:40.791 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: oh it is better to live on the sea and let other men raise your crops and cook your meals -Output Transcription: oh it is better to live on the sea and let other men raise your crops and cook your meals -2021-09-20 08:38:40.791 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:38:40.792 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: to give an idea of these conversations i will report one of them in full -Output Transcription: to give an idea of these conversations i will report one of them in full -2021-09-20 08:38:40.792 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:38:40.792 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: hose man's excuse for wetting the walk -Output Transcription: hose man's excuse for wetting the walk -2021-09-20 08:38:40.793 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:38:40.794 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: that is all quite true mister neverbend said sir ferdinando brown -Output Transcription: that is all quite true mister never been said sir ferdinando brown -2021-09-20 08:38:40.795 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.181818 -2021-09-20 08:38:40.797 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: for a moment gilchrist with upraised hand tried to control his writhing features -Output Transcription: for a moment gilchrist with upraised hand tried to control his writing features -2021-09-20 08:38:40.799 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.076923 -2021-09-20 08:38:40.799 | INFO | deepspeech2x.model:test:372 - Error rate [wer] (1088/?) = 0.081750 -2021-09-20 08:38:42.877 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: we won't talk about her any more if you'd rather not we indeed -Output Transcription: we won't talk about her any more if you'd rather not' we indeed -2021-09-20 08:38:42.879 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.076923 -2021-09-20 08:38:42.880 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: when we were out in the darkness of the quadrangle we again looked up at the windows -Output Transcription: when we were out in the darkness of the quadrangle we again looked up at the windows -2021-09-20 08:38:42.880 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:38:42.880 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the greatness of the ransom christ the son of god indicates this -Output Transcription: the greatness of the ransom christ the son of god indicates this -2021-09-20 08:38:42.881 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:38:42.883 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: but in such a case miss milner's election of a husband shall not direct mine -Output Transcription: but in such a case miss miller's election of a husband shall not direct mine -2021-09-20 08:38:42.884 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.066667 -2021-09-20 08:38:42.885 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i say you do know what this means and you must tell us -Output Transcription: i say you do know what this means and you must tell us -2021-09-20 08:38:42.885 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:38:42.885 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: her regard shifted to the green stalks and leaves again and she started to move away -Output Transcription: her regard shifted to the green stalks and leaves again and she started to move away -2021-09-20 08:38:42.885 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:38:42.886 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: it was in a corner that he lay among weeds and nettles -Output Transcription: it was in a corner that he lay among weeds and nettles -2021-09-20 08:38:42.886 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:38:42.887 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: at the same time paul confirms our creed that christ is very god -Output Transcription: at the same time paul confirms are creed that christ is very god -2021-09-20 08:38:42.889 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.076923 -2021-09-20 08:38:42.889 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: seeing that i am so fine i may as well go and visit the king -Output Transcription: seeing that i am so fine i may as well go and visit the king -2021-09-20 08:38:42.889 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:38:42.891 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: what is your country olaf have you always been a thrall the thrall's eyes flashed -Output Transcription: what is your country alot have you always been a thrall the thralls eyes flashed -2021-09-20 08:38:42.893 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.133333 -2021-09-20 08:38:42.893 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: someone else told a story not particularly effective which i saw he was not following -Output Transcription: someone else told a story not particularly effective which i saw he was not following -2021-09-20 08:38:42.894 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:38:42.894 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i get tired of seeing men and horses going up and down up and down -Output Transcription: i get tired of seeing men and horses going up and down up and down -2021-09-20 08:38:42.894 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:38:42.894 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: each will therefore serve about equally well during the earlier stages of social growth -Output Transcription: each will therefore serve about equally well during the earlier stages of social growth -2021-09-20 08:38:42.895 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:38:42.897 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: but i wrestled with this fellow and do know that he played unfairly in the second bout -Output Transcription: but i wrestled with this fellow and do know that he played on fairly in the second bout -2021-09-20 08:38:42.899 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.117647 -2021-09-20 08:38:42.900 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: will whispered robin opening his door as he spoke are you ready -Output Transcription: will whispered robin opening his door as he spoke are you ready -2021-09-20 08:38:42.900 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:38:42.900 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: congratulations were poured in upon the princess everywhere during her journey -Output Transcription: congratulations were poured in upon the princess everywhere during her journey -2021-09-20 08:38:42.900 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:38:42.903 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: how brown you've got since you came home i wish i had an athlete to mow my orchard -Output Transcription: how brown you've got since you came home i wish i had an athlete to mo my orchard -2021-09-20 08:38:42.905 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.055556 -2021-09-20 08:38:42.906 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the twin brother did something she didn't like and she turned his picture to the wall -Output Transcription: the twin brother did something she didn't like and she turned his picture to the wall -2021-09-20 08:38:42.906 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:38:42.908 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i didn't have any fears if i worked it rightly said the old gentleman complacently -Output Transcription: i didn't have any fears if i worked at rightly said the old gentleman complacently -2021-09-20 08:38:42.910 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.066667 -2021-09-20 08:38:42.911 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i remember now and i congratulate myself do you love any one -Output Transcription: i remember now and i congratulate myself do you love anyone -2021-09-20 08:38:42.912 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.166667 -2021-09-20 08:38:42.914 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the hawk alighted on the dead branch and sat upright motionless as if surprised -Output Transcription: the hack alighted on the dead branch and sat upright motionless as if surprised -2021-09-20 08:38:42.915 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.071429 -2021-09-20 08:38:42.917 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: hilda's face quivered but she whispered yes i think it must have been -Output Transcription: held his face quivered but she whispered yes i think it must have been -2021-09-20 08:38:42.918 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.153846 -2021-09-20 08:38:42.919 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: my tongue refused to articulate my power of speech left me -Output Transcription: my tongue refused to articulate my power of speech left me -2021-09-20 08:38:42.919 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:38:42.921 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: but this subject will be more properly discussed when we treat of the different races of mankind -Output Transcription: but this subject will be more properly disgust when retreat of the different races of mankind -2021-09-20 08:38:42.923 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.176471 -2021-09-20 08:38:42.924 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: a sudden impulse came over him to enter and see if they were indeed the proofs -Output Transcription: a sudden impulse came over him to enter and see if they were indeed the proofs -2021-09-20 08:38:42.924 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:38:42.926 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: as for the ichthyosaurus has he returned to his submarine cavern -Output Transcription: as for the in thesaurus as he returned whose submarine cavern -2021-09-20 08:38:42.927 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.454545 -2021-09-20 08:38:42.929 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: these escapades are not for old gamewell lad his day has come to twilight -Output Transcription: these escapades are not for old game well lad his day has come to twilight -2021-09-20 08:38:42.931 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.142857 -2021-09-20 08:38:42.931 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: a brisk wind had come up and was driving puffy white clouds across the sky -Output Transcription: a brisk wind had come up and was driving puffy white clouds across the sky -2021-09-20 08:38:42.932 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:38:42.933 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: this was so sweet a lady sir and in some manner i do think she died -Output Transcription: this was so sweet a lady sir and in some manner i do think she died -2021-09-20 08:38:42.933 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:38:42.935 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: well if i don't know who she was in love with i know who he was -Output Transcription: for if i don't know who she was in love with i know who he was -2021-09-20 08:38:42.938 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.062500 -2021-09-20 08:38:42.938 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: then good bye said the rats and they went home -Output Transcription: then good bye said the rats and they went home -2021-09-20 08:38:42.938 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:38:42.941 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the paris plant like that at the crystal palace was a temporary exhibit -Output Transcription: the paris planned like that of the crystal palace was a temporary exhibit -2021-09-20 08:38:42.942 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.153846 -2021-09-20 08:38:42.943 | INFO | deepspeech2x.model:test:372 - Error rate [wer] (1120/?) = 0.080807 -2021-09-20 08:38:44.554 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the weather if we may use that term will change before long -Output Transcription: the weather if we may use the term will change before long -2021-09-20 08:38:44.556 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.083333 -2021-09-20 08:38:44.558 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: robin carefully descended the ladder and found himself soon upon firm rocky ground -Output Transcription: robin carefully descended the latter and found himself soon upon firm rocky ground -2021-09-20 08:38:44.559 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.076923 -2021-09-20 08:38:44.559 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: monsieur was the only one who did not understand anything about the matter -Output Transcription: monsieur was the only one who did not understand anything about the matter -2021-09-20 08:38:44.560 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:38:44.561 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the golden fleece it's the silver fleece he harkened -Output Transcription: the golden fleece it's the silver fleece he hearkened -2021-09-20 08:38:44.561 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.111111 -2021-09-20 08:38:44.562 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: oh what a record to read what a picture to gaze upon how awful the fact -Output Transcription: oh what a record to read what a picture to gaze upon how awful the fact -2021-09-20 08:38:44.562 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:38:44.562 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the combined bands of both the countries played the music and a fine supper was served -Output Transcription: the combined bands of both the countries played the music and a fine supper was served -2021-09-20 08:38:44.562 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:38:44.564 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: shame on you citizens cried he i blush for my fellows of nottingham -Output Transcription: shaman citizens cried he i blush for my fellows of nottingham -2021-09-20 08:38:44.565 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.230769 -2021-09-20 08:38:44.565 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i pass away yet i complain and no one hears my voice -Output Transcription: i pass away yet i complain and no one hears my voice -2021-09-20 08:38:44.565 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:38:44.568 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i could not see my boy injured excellence for but doing his duty as one of cumberland's sons -Output Transcription: i could not see my boy injured excellence for but doing his duty as one of cumberland sons -2021-09-20 08:38:44.571 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.055556 -2021-09-20 08:38:44.571 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: a story cried the children drawing a little fat man towards the tree -Output Transcription: a story cried the children drawing a little fat man towards the tree -2021-09-20 08:38:44.571 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:38:44.572 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: it is too difficult replied mademoiselle de tonnay charente laughing loudly -Output Transcription: it is too difficult replied mademoiselle de tanisha and laughing loudly -2021-09-20 08:38:44.573 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.181818 -2021-09-20 08:38:44.574 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: most people talk too much so it is a relief to find one who talks too little -Output Transcription: most people talk too much so it is a relief to find one who talks too little -2021-09-20 08:38:44.574 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:38:44.575 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: oh ever so much only he seems kind of staid and school teachery -Output Transcription: oh ever so much only he seems kind of staad and school teacher -2021-09-20 08:38:44.577 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.153846 -2021-09-20 08:38:44.578 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: solon marvelled and desired to be informed of the particulars -Output Transcription: sullen marvelled and desire to be informed of the particulars -2021-09-20 08:38:44.579 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.200000 -2021-09-20 08:38:44.580 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i'll not be wicked any more sighed the old boolooroo i'll reform -Output Transcription: not be wicked any more sighed the old booooo i'll reform -2021-09-20 08:38:44.581 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.166667 -2021-09-20 08:38:44.583 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: but the bear instead of obeying maintained the seat it had taken and growled -Output Transcription: but the bear instead of obeying maintain the seat it had taken and growled -2021-09-20 08:38:44.584 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.071429 -2021-09-20 08:38:44.585 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: but john there's no society just elementary work -Output Transcription: but john there is no society just elementary work -2021-09-20 08:38:44.586 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.250000 -2021-09-20 08:38:44.587 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: but don't these very wise things sometimes turn out very foolishly -Output Transcription: but do these very wise things sometimes turn out very foolishly -2021-09-20 08:38:44.588 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.090909 -2021-09-20 08:38:44.589 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: and the whole night the tree stood still and in deep thought -Output Transcription: and the whole night the tree stood still and in deep thought -2021-09-20 08:38:44.589 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:38:44.590 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: sit down please said gates in a cheerful and pleasant voice there's a bench here -Output Transcription: sitdown place said gates in a cheerful and pleasant voice there's a pincher -2021-09-20 08:38:44.592 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.333333 -2021-09-20 08:38:44.594 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: then he approached it and standing on tiptoe with his neck craned he looked into the room -Output Transcription: then he approached it and standing on tiptoe with his neck crane he looked into the room -2021-09-20 08:38:44.597 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.058824 -2021-09-20 08:38:44.598 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: ill and troubled dear troubled in mind and miserably nervous -Output Transcription: all and trouble dear troubled in mind and miserably nervous -2021-09-20 08:38:44.599 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.200000 -2021-09-20 08:38:44.602 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: cried he waving the lanthorn before him to make sure that these were no ghosts in front of him -Output Transcription: cried he waving the lantern before him to make sure that these were no ghosts in front of him -2021-09-20 08:38:44.605 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.052632 -2021-09-20 08:38:44.605 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: algebra medicine botany have each their slang -Output Transcription: algebra medicine botany have each their slang -2021-09-20 08:38:44.605 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:38:44.607 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: philip lefrank this is my overlooker mister jago said the old man formally presenting us -Output Transcription: fillable trying this is my overlook er mister jago said the old man formally presenting us -2021-09-20 08:38:44.609 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.266667 -2021-09-20 08:38:44.610 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: and all his brothers and sisters stood round and listened with their mouths open -Output Transcription: and all his brothers and sisters stood round and listened with their mouths open -2021-09-20 08:38:44.610 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:38:44.610 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: when she used to tell me about him i always wondered whether she wasn't a little in love with him -Output Transcription: when she used to tell me about him i always wondered whether she wasn't a little in love with him -2021-09-20 08:38:44.611 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:38:44.611 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: through the black night rain he sang to her window bars -Output Transcription: through the black night rain he sang to her window bars -2021-09-20 08:38:44.611 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:38:44.614 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: but it is the cigarette which chiefly has brought the modern drama to its present state of perfection -Output Transcription: but it is the cigarette which chiefly has brought the wonder drama to its present state of perfection -2021-09-20 08:38:44.617 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.055556 -2021-09-20 08:38:44.617 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: pride after satisfaction uplifted him like long slow waves -Output Transcription: pride after satisfaction uplifted him like long slow waves -2021-09-20 08:38:44.618 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:38:44.621 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: you're a rare un for sitting down to your work a little while after it's time to put by -Output Transcription: you are raring for sitting down to your work a little while after it's time to put by -2021-09-20 08:38:44.623 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.210526 -2021-09-20 08:38:44.624 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: this was a formidable array of advantages slavery was playing with loaded dice -Output Transcription: this was a formidable array of advantages slavery was playing with loaded dice -2021-09-20 08:38:44.624 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:38:44.625 | INFO | deepspeech2x.model:test:372 - Error rate [wer] (1152/?) = 0.081012 -2021-09-20 08:38:46.111 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i thought we were stumped again when i first saw that picture but it's been of some use after all -Output Transcription: i thought we were stumped again when i first saw that picture but it sin of some use after all -2021-09-20 08:38:46.115 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.100000 -2021-09-20 08:38:46.115 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the terms of grace and peace are common terms with paul and are now pretty well understood -Output Transcription: the terms of grace and peace are common terms with paul and are now pretty well understood -2021-09-20 08:38:46.116 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:38:46.117 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: soft heart he said gently to her then to thorkel well let him go thorkel -Output Transcription: soft heart he said gently to her then tutorial well let him go take -2021-09-20 08:38:46.119 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.200000 -2021-09-20 08:38:46.122 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: eliza closed the door behind her with a decided slam and a key clicked in the lock -Output Transcription: eliza closed the door behind her with a decided slam and he clicked in the lock -2021-09-20 08:38:46.124 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.117647 -2021-09-20 08:38:46.124 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: in the silence their dark fire kindled the dusk into a tawny glow -Output Transcription: in the silence their dark fire kindled the dusk into a tawny glow -2021-09-20 08:38:46.124 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:38:46.125 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: it must be as wide as the mediterranean or the atlantic and why not -Output Transcription: it must be as wide as the mediterranean or the atlantic and why not -2021-09-20 08:38:46.125 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:38:46.125 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: this without reckoning in the pains of the heart and so it goes on -Output Transcription: this without reckoning in the pains of the heart and so it goes on -2021-09-20 08:38:46.125 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:38:46.126 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: number ten fresh nelly is waiting on you good night husband -Output Transcription: number ten fresh nelly is waiting on you good night husband -2021-09-20 08:38:46.126 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:38:46.128 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: well what can't be done by main courage in war must be done by circumvention -Output Transcription: well what can't be done by man courage in war must be done by circumvention -2021-09-20 08:38:46.129 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.066667 -2021-09-20 08:38:46.132 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: how long would it take him to do that using every possible contraction a quarter of an hour not less -Output Transcription: how long it take to do that using every possible contraction a quarter of an hour no less -2021-09-20 08:38:46.135 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.150000 -2021-09-20 08:38:46.136 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: is the atmospheric condition having once reached this density to become final -Output Transcription: is the atmosphere condition having once reached is density to become final -2021-09-20 08:38:46.138 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.166667 -2021-09-20 08:38:46.138 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: said the fir tree thinking over what he had himself related -Output Transcription: said the fir tree thinking over what he had himself related -2021-09-20 08:38:46.138 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:38:46.140 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: and lay me down in thy cold bed and leave my shining lot -Output Transcription: and lay me down in my cold bed and leave my shining light -2021-09-20 08:38:46.141 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.153846 -2021-09-20 08:38:46.143 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: lord john taking out gold cigarette case from his left hand upper waistcoat pocket -Output Transcription: lord john taking out gold cigarette case from his left hand upper west coast pocket -2021-09-20 08:38:46.145 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.142857 -2021-09-20 08:38:46.146 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: when the king comes to paris everybody calls out vive le roi -Output Transcription: when the king comes to paris everybody calls out fiery -2021-09-20 08:38:46.147 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.250000 -2021-09-20 08:38:46.147 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: she ran to her husband's side at once and helped him lift the four kettles from the fire -Output Transcription: she ran to her husband's side at once and helped him lift the four kettles from the fire -2021-09-20 08:38:46.147 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:38:46.148 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: it'll be no use their putting their heads down and saying come up again dear -Output Transcription: it'll be no use their putting their heads down and saying come up again dear -2021-09-20 08:38:46.148 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:38:46.152 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i have a letter here mister soames which i wrote to you early this morning in the middle of a restless night -Output Transcription: i have a letter here mister psalms which i wrote to you early this morning in the middle of a restless night -2021-09-20 08:38:46.155 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.045455 -2021-09-20 08:38:46.156 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: cotton is a wonderful thing is it not boys she said rather primly -Output Transcription: cotton is a wonderful thing is it not boys she said rather primly -2021-09-20 08:38:46.156 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:38:46.158 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: they do not go where the enemies of the gospel predominate they go where the christians are -Output Transcription: they do not go where the enemies of the gospel predominate they go we christians are -2021-09-20 08:38:46.160 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.117647 -2021-09-20 08:38:46.162 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: has thee consulted thy mother about a career i suppose it is a career thee wants -Output Transcription: as the consulted thy mother about a career i suppose it is a realy wants -2021-09-20 08:38:46.164 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.250000 -2021-09-20 08:38:46.164 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: they are chiefly formed from combinations of the impressions made in childhood -Output Transcription: they are chiefly formed from combinations of the impressions made in childhood -2021-09-20 08:38:46.165 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:38:46.165 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: what she wanted from us was neither our flowers nor our francs but just our youth -Output Transcription: what she wanted from us was neither our flowers nor our francs but just our youth -2021-09-20 08:38:46.165 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:38:46.165 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: that is one reason you are ojo the unlucky said the woman in a sympathetic tone -Output Transcription: that is one reason you are ojo the unlucky said the woman in a sympathetic tone -2021-09-20 08:38:46.166 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:38:46.166 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: all these honest persons are waiting their turn to get their snuff boxes filled -Output Transcription: all these honest persons are waiting their turn to get their snuff boxes filled -2021-09-20 08:38:46.166 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:38:46.167 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: munny my iron's twite told pease put it down to warm -Output Transcription: money myron stratton peace put it down to warm -2021-09-20 08:38:46.168 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.545455 -2021-09-20 08:38:46.169 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: you would not eat with us you cannot say no to half of my ale i drink this to your health -Output Transcription: you would not eat with us you cannot say no to half of my ale i drink this to your health -2021-09-20 08:38:46.169 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:38:46.170 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the young girls had indeed made themselves small indeed invisible -Output Transcription: the young girls had indeed made themselves small indeed invisible -2021-09-20 08:38:46.170 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:38:46.171 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: our baggage was immediately carried to the deck of the frigate i rushed aboard -Output Transcription: our baggage was immediately carried to the deck of the frigate i rushed aboard -2021-09-20 08:38:46.171 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:38:46.172 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the most famous of them all was the overthrow of the island of atlantis -Output Transcription: the most famous of them all was the overthrow of the island of twenties -2021-09-20 08:38:46.174 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.071429 -2021-09-20 08:38:46.177 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: nothing was to be done but to put about and return in disappointment towards the north -Output Transcription: nothing was to be done but to put about and return and disappointment towards the north -2021-09-20 08:38:46.179 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.062500 -2021-09-20 08:38:46.180 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the leaders of the conspiracy became distrustful of their power to crush the town -Output Transcription: the leaders of the conspiracy became distrustful of their power to crush the town -2021-09-20 08:38:46.180 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:38:46.180 | INFO | deepspeech2x.model:test:372 - Error rate [wer] (1184/?) = 0.080694 -2021-09-20 08:38:50.547 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: mary taylor however related the tale of zora to missus grey's private ear later -Output Transcription: mary tao however related the tale of zor to missus grey's private ear later -2021-09-20 08:38:50.549 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.142857 -2021-09-20 08:38:50.552 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: no thank you i'll just look at the whelps and leave a message about them with your shepherd -Output Transcription: no thank you i'll just look at the welds and leave a message about them with your shepherd -2021-09-20 08:38:50.555 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.055556 -2021-09-20 08:38:50.555 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i gave him a little brandy and left him collapsed in a chair while i made a most careful examination of the room -Output Transcription: i gave him a little brandy and left him collapsed in a chair while i made a most careful examination of the room -2021-09-20 08:38:50.556 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:38:50.558 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: they they excite me in some way and i i can't bear them you must excuse me -Output Transcription: that they excite me in some way and i i can't bear them you must excuse me -2021-09-20 08:38:50.561 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.058824 -2021-09-20 08:38:50.563 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: in the nature of things luxuries and the comforts of life belong to the leisure class -Output Transcription: in the nature of things luxuries and the comforts of life belonged to the leisure class -2021-09-20 08:38:50.565 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.062500 -2021-09-20 08:38:50.565 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: but you must not eat with your cap on your head she said and was going to take it off -Output Transcription: but you must not eat with your cap on your head she said and was going to take it off -2021-09-20 08:38:50.565 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:38:50.568 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: my wife on the spur of the moment managed to give the gentlemen a very good dinner -Output Transcription: my wife on the spur the moment managed to give the gentleman a very good dinner -2021-09-20 08:38:50.570 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.117647 -2021-09-20 08:38:50.570 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: sometimes it is called a crazy quilt because the patches and colors are so mixed up -Output Transcription: sometimes it is called a crazy quilt because the patches and colors are so mixed up -2021-09-20 08:38:50.570 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:38:50.574 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: what shall we do with the mingoes at the door they count six and this singer is as good as nothing -Output Transcription: what shall we do with the mangoes at the door they count six and the singer is as good as nothing -2021-09-20 08:38:50.578 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.095238 -2021-09-20 08:38:50.580 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: that's the way with you that's the road you'd all like to go headlongs to ruin -Output Transcription: that's the way with you that's the road you do like to go headlong to ruin -2021-09-20 08:38:50.582 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.187500 -2021-09-20 08:38:50.585 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: westmere and i were back after the first act and we thought she seemed quite uncertain of herself -Output Transcription: west me and i were back after the first act he thought she seemed quite uncertain of herself -2021-09-20 08:38:50.588 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.222222 -2021-09-20 08:38:50.591 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i stood with my back to the wall for i wanted no sword reaching out of the dark for me -Output Transcription: i stood with my back to the wall for i wanted no sword reaching out the dark for me -2021-09-20 08:38:50.594 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.050000 -2021-09-20 08:38:50.594 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: otherwise paul should have written grace from god the father and peace from our lord jesus christ -Output Transcription: otherwise paul should have written grace from god the father and peace from our lord jesus christ -2021-09-20 08:38:50.594 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:38:50.595 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: there it clothes itself in word masks in metaphor rags -Output Transcription: there it clothes itself in word masks in mefor rags -2021-09-20 08:38:50.596 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.100000 -2021-09-20 08:38:50.597 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: in the communities of the western culture this point is at present found among the lower middle class -Output Transcription: in the communities of the western culture this point is at present found among the lower middle class -2021-09-20 08:38:50.597 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:38:50.599 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the head and chief of the riot the nottingham apprentice with clenched fists threatened montfichet -Output Transcription: the head and chief of the riot nottingham apprenticed with clench fists threatened mofie -2021-09-20 08:38:50.601 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.266667 -2021-09-20 08:38:50.602 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: whose feet are as the feet of harts and underneath the everlasting arms -Output Transcription: whose feet are as the feet of hearts and underneath the everlasting arms -2021-09-20 08:38:50.604 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.076923 -2021-09-20 08:38:50.606 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: but now here is a subject of which you will wonder at first why turner drew it at all -Output Transcription: but now here's a subject of which you will wonder at first why turner drew it at all -2021-09-20 08:38:50.609 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.105263 -2021-09-20 08:38:50.610 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: humpy dumpy fell downstairs and yet he married the princess -Output Transcription: humpy don't be fell downstairs and yet he married the princess -2021-09-20 08:38:50.611 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.200000 -2021-09-20 08:38:50.613 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: he still held on to it with both hands as he rushed into his mother's cottage -Output Transcription: he still held onto it with both hands as he rushed into his mother's cottage -2021-09-20 08:38:50.615 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.125000 -2021-09-20 08:38:50.615 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: departing from five hundred thousand throats three cheers burst forth in succession -Output Transcription: departing from five hundred thousand throats three cheers burst forth in succession -2021-09-20 08:38:50.616 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:38:50.617 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: nay we refused their request most politely most noble said the little stroller -Output Transcription: nay we refuse their request most politely most noble said the little stroller -2021-09-20 08:38:50.619 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.076923 -2021-09-20 08:38:50.620 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: he sat down weak bewildered and one thought was uppermost zora -Output Transcription: he sat down weak bewildered and one thought was uppermost sore -2021-09-20 08:38:50.621 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.090909 -2021-09-20 08:38:50.623 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: for a while she lay in her chair in happy dreamy pleasure at sun and bird and tree -Output Transcription: for a while she lay in her chair in happy dreamy pleasure its sun and bird and tree -2021-09-20 08:38:50.626 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.055556 -2021-09-20 08:38:50.626 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: in five minutes i was in a new world and my melancholy room was full of the liveliest french company -Output Transcription: in five minutes i was in a new world and my melancholy room was full of the liveliest french company -2021-09-20 08:38:50.627 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:38:50.627 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: and then you came back not caring very much but it made no difference -Output Transcription: and then you came back not caring very much but it made no difference -2021-09-20 08:38:50.628 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:38:50.628 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: nonsense of course i can't really sing except the way my mother and grandmother did before me -Output Transcription: nonsense of course i can't really sing except the way my mother and grandmother did before me -2021-09-20 08:38:50.629 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:38:50.629 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: they then renewed their journey and under the better light made a safe crossing of the stable roofs -Output Transcription: they then renewed their journey and under the better light made a safe crossing of the stable roofs -2021-09-20 08:38:50.629 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:38:50.630 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: oh let him come along she urged i do love to see him about that old house -Output Transcription: oh let him come along she urged i do love to see him about that old house -2021-09-20 08:38:50.631 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:38:50.631 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: for a full hour he had paced up and down waiting but he could wait no longer -Output Transcription: for a full hour he had paced up and down waiting but he could wait no longer -2021-09-20 08:38:50.632 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:38:50.633 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: underscore these words for they are full of comfort for sore consciences -Output Transcription: underscore these words for they are full of comfort for sore consciences -2021-09-20 08:38:50.633 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:38:50.636 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: where the waves for an instant sank they came closer but not quite within grasping reach -Output Transcription: where the waves for an instant sink they came closer but not quite within grasping reach -2021-09-20 08:38:50.638 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.062500 -2021-09-20 08:38:50.639 | INFO | deepspeech2x.model:test:372 - Error rate [wer] (1216/?) = 0.079953 -2021-09-20 08:38:53.004 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: you speak like an educated person said beth wonderingly where is your home -Output Transcription: you speak like an educated person said beth wonderingly where is your home -2021-09-20 08:38:53.005 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:38:53.006 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: substantially this was jacob's unvarnished description of his master and mistress -Output Transcription: substantial lateness was jacob's unvarnished description of his master and mistress -2021-09-20 08:38:53.008 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.181818 -2021-09-20 08:38:53.008 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i should never have asked you if molly had been here for i remember you don't like english cookery -Output Transcription: i should never have asked you if molly had been here for i remember you don't like english cookery -2021-09-20 08:38:53.008 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:38:53.009 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: facts form one of these and ideas the other -Output Transcription: facts for one of these and i tears the other -2021-09-20 08:38:53.010 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.333333 -2021-09-20 08:38:53.012 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: not for a crown or a kingdom or our goodness but for our sins -Output Transcription: not for a crown were a kingdom where our goodness before sins -2021-09-20 08:38:53.013 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.357143 -2021-09-20 08:38:53.013 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: his death in this conjuncture was a public misfortune -Output Transcription: his death in this conjuncture was a public misfortune -2021-09-20 08:38:53.014 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:38:53.015 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: whatever appealed to her sense of beauty was straightway transferred to paper or canvas -Output Transcription: whatever appeal to her sense of beauty was straightway transferred to paper or canvas -2021-09-20 08:38:53.017 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.071429 -2021-09-20 08:38:53.019 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: she rose quickly to her feet with an impetuous gesture that made her visitor catch her breath -Output Transcription: she rose quickly to her feet with an impetuous gesture that made her visit or catch her breath -2021-09-20 08:38:53.022 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.117647 -2021-09-20 08:38:53.024 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: we were more interested in the technical condition of the station than in the commercial part -Output Transcription: we were more interested in the technical condition of the station that in the commercial part -2021-09-20 08:38:53.026 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.062500 -2021-09-20 08:38:53.029 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: fast as his legs could carry him servadac had made his way to the top of the cliff -Output Transcription: fast as his legs could carry him ser adac had made his way to the top of the cliff -2021-09-20 08:38:53.031 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.111111 -2021-09-20 08:38:53.031 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: all the time he was talking to me his angry little eyes were following lake -Output Transcription: all the time he was talking to me his angry little eyes were following lake -2021-09-20 08:38:53.032 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:38:53.032 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: to my mind there has always been something inexpressibly awful in family feuds -Output Transcription: to my mind there has always been something inexpressibly awful in family feuds -2021-09-20 08:38:53.033 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:38:53.033 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: she then rose humming the air to which she was presently going to dance -Output Transcription: she then rose humming the air to which she was presently going to dance -2021-09-20 08:38:53.033 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:38:53.036 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: at once the goat gave a leap escaped from the soldiers and with bowed head rushed upon the boolooroo -Output Transcription: at once the goat gave a leap escape from the soldiers and with bowed head rushed upon the booooo -2021-09-20 08:38:53.039 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.105263 -2021-09-20 08:38:53.042 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: yes and with all your fingers it took you a year to catch me the king frowned more angrily -Output Transcription: yes and with all your fingers it took you a year to catch me the king frown more angrily -2021-09-20 08:38:53.045 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.052632 -2021-09-20 08:38:53.048 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: but suppose you said i'm fond of writing my people always say my letters home are good enough for punch -Output Transcription: but suppose you said i'm fond of writing my people always say my letters home or good enough for punch -2021-09-20 08:38:53.051 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.050000 -2021-09-20 08:38:53.052 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: it is enough said george gamewell sharply and he turned upon the crowd -Output Transcription: it is enough said george game well sharply as he turned upon the crowd -2021-09-20 08:38:53.054 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.230769 -2021-09-20 08:38:53.057 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: fitzooth's hand rested at last upon the top rung of a ladder and slowly the truth came to him -Output Transcription: tooth's hand rested at last upon the top rung of a ladder and slowly the truth came to him -2021-09-20 08:38:53.059 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.052632 -2021-09-20 08:38:53.061 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: well mother said the young student looking up with a shade of impatience -Output Transcription: well mother said the young student looking up with the shade of impatience -2021-09-20 08:38:53.062 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.076923 -2021-09-20 08:38:53.064 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: yes dead these four years an a good job for her too -Output Transcription: yes dead these four years and a good job for her to -2021-09-20 08:38:53.065 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.166667 -2021-09-20 08:38:53.065 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: she signed to me with a ghostly solemnity to take the vacant place on the left of her father -Output Transcription: she signed to me with a ghostly solemnity to take the vacant place on the left of her father -2021-09-20 08:38:53.065 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:38:53.066 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: their assumed character changed with their changing opportunities or necessities -Output Transcription: there assumed character changed with their changing opportunities or necessities -2021-09-20 08:38:53.067 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.100000 -2021-09-20 08:38:53.070 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: as soon as they entered the room of the great knife the boolooroo gave a yell of disappointment -Output Transcription: as soon as they entered the room of the great knife the booooo gave a yell of disappointment -2021-09-20 08:38:53.072 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.055556 -2021-09-20 08:38:53.075 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: irene burgoyne one of her family told me in confidence that there was a romance somewhere back in the beginning -Output Transcription: i rember going one of her family told me in confidence that there was a romance somewhere back in the beginning -2021-09-20 08:38:53.079 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.150000 -2021-09-20 08:38:53.079 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: she closed her eyes and took a deep breath as if to draw in again the fragrance of those days -Output Transcription: she closed her eyes and took a deep breath as if to draw in again the fragrance of those days -2021-09-20 08:38:53.079 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:38:53.080 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: their distinctive characters however display one broad and unfailing difference -Output Transcription: their distinctive characters however display one broad and unfailing difference -2021-09-20 08:38:53.080 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:38:53.080 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i dare not go so far as that but of the three he is perhaps the least unlikely -Output Transcription: i dare not go so far as that but of the three he is perhaps the least unlikely -2021-09-20 08:38:53.081 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:38:53.082 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: no cathedral not even burgos itself could vie with the church at montmartre -Output Transcription: no cathedral and even burgos itself could vie with the church at montmartre -2021-09-20 08:38:53.084 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.076923 -2021-09-20 08:38:53.084 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: there's a heavy storm coming on i cried pointing towards the horizon -Output Transcription: there's a heavy storm coming on i cried pointing towards the horizon -2021-09-20 08:38:53.085 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:38:53.085 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i see a crowd in one corner of the garden everybody standing still and looking up -Output Transcription: i see a crowd in one corner of the garden everybody standing still and looking up -2021-09-20 08:38:53.085 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:38:53.087 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: she is under sail but she is count timascheff's yacht he was right -Output Transcription: she is under sail that she is count time shafts yacht he was right -2021-09-20 08:38:53.088 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.230769 -2021-09-20 08:38:53.091 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: paul declares that the false apostles were called or sent neither by men nor by man -Output Transcription: paul declares of the false apostles were called the sent neither by men nor by man -2021-09-20 08:38:53.093 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.125000 -2021-09-20 08:38:53.094 | INFO | deepspeech2x.model:test:372 - Error rate [wer] (1248/?) = 0.079910 -2021-09-20 08:38:54.696 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: keswick march twenty second eighteen thirty seven dear madam -Output Transcription: keswick march twenty second eighteen thirty seven dear madame -2021-09-20 08:38:54.697 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.111111 -2021-09-20 08:38:54.699 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: you are a worthy leech will presently whispered robin the wine has worked a marvel -Output Transcription: you are worthy leavell presently whispered robin the wine has worked a marvel -2021-09-20 08:38:54.700 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.200000 -2021-09-20 08:38:54.701 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the drag upon his beak and the light check upon his wings were inexplicable to him and appalling -Output Transcription: the drag upon his beak and the light check upon his wings were inexplicable to him and appalling -2021-09-20 08:38:54.701 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:38:54.704 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: but it is surmised that you will find difficulties in the way of your entering at once upon your government -Output Transcription: but it is surmise that you will find difficulties in the way of your entering at once upon your governor -2021-09-20 08:38:54.707 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.100000 -2021-09-20 08:38:54.709 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: chingachgook had caught the look and motioning with his hand he bade him speak -Output Transcription: chinuch cook had caught the look and motioning with his hand he bade him speak -2021-09-20 08:38:54.711 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.142857 -2021-09-20 08:38:54.711 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: grace be to you and peace from god the father and from our lord jesus christ -Output Transcription: grace be to you and peace from god the father and from our lord jesus christ -2021-09-20 08:38:54.711 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:38:54.713 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: do we really know the mountain well when we are not acquainted with the cavern -Output Transcription: do we really know the mounted well when we are not acquainted with the cavern -2021-09-20 08:38:54.715 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.066667 -2021-09-20 08:38:54.716 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the peculiar circumstances of the colony are within your excellency's knowledge -Output Transcription: the peculiar circumstances of the colony are within your excellencies knowledge -2021-09-20 08:38:54.717 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.090909 -2021-09-20 08:38:54.718 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: he refused at first to listen to the careful advice it was repugnant to his liberal nature -Output Transcription: he refused at first to listen to the careful advice it was repugnant to his liberal nature -2021-09-20 08:38:54.718 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:38:54.720 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: as regards my robbing the company i'll say that i saved them a heavy loss one day -Output Transcription: as regards my robbing the company i'll say that i saved him a heavy loss one day -2021-09-20 08:38:54.722 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.058824 -2021-09-20 08:38:54.723 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: they left him then for the jailer arrived to unlock the door and escort them to the office -Output Transcription: they left him then for the jailer arrived to unlock the door and escort them to the office -2021-09-20 08:38:54.723 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:38:54.723 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the vicious character of sin is brought out by the words who gave himself for our sins -Output Transcription: the vicious character of sin is brought out by the words who gave himself for our sins -2021-09-20 08:38:54.723 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:38:54.724 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the poor little things cried cynthia think of them having been turned to the wall all these years -Output Transcription: the poor little things cried cynthia think of them having been turned to the wall all these years -2021-09-20 08:38:54.724 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:38:54.728 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: but young sharp tongue now that we have caught you we will put you into a trap that you cannot get out of -Output Transcription: but young sharp tongue now that we have caught you will put you into a trap that you cannot get out of -2021-09-20 08:38:54.731 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.043478 -2021-09-20 08:38:54.735 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: and with it i leave you a name sif the friendly i shall hope to drink with you sometime in valhalla -Output Transcription: and with it i leave you a name sift the friendly i shall hope to drink with you some time in valhalla -2021-09-20 08:38:54.738 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.142857 -2021-09-20 08:38:54.739 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: exquisite soft turf of the woods the happiness which your friendship confers upon me -Output Transcription: exquisite soft turf of the woods the happiness which your friendship confers upon me -2021-09-20 08:38:54.739 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:38:54.739 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: he darted through the trees and paused a tall man strongly but slimly made -Output Transcription: he darted through the trees and paused a tall man strongly but slimly made -2021-09-20 08:38:54.739 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:38:54.741 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: why it's in missouri somewhere on the frontier i think we'll get a map -Output Transcription: white to missouri somewhere on the frontier i think we'll get a map -2021-09-20 08:38:54.743 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.214286 -2021-09-20 08:38:54.743 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: he made an effort to hide his condition from them all and robin felt his fingers tighten upon his arm -Output Transcription: he made an effort to hide his condition from them all and robin felt his fingers tighten upon his arm -2021-09-20 08:38:54.743 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:38:54.746 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i can assure you he has not even allowed me to see the trigger since i have been on board -Output Transcription: i can assure you he is not even allowed me to see the trigger since i have been on board -2021-09-20 08:38:54.749 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.050000 -2021-09-20 08:38:54.750 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: margaret bolton almost lost for a moment her habitual placidity -Output Transcription: margaret bolton almost lost for a moment her habitual placidity -2021-09-20 08:38:54.750 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:38:54.753 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: you see i've lived all my life with unc nunkie the silent one and there was no one to tell me anything -Output Transcription: you see i've lived all my life without monkey the silent one and there was no one to tell me anything -2021-09-20 08:38:54.757 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.136364 -2021-09-20 08:38:54.757 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: he felt he was up against it and that perhaps another kind of a job would suit him better -Output Transcription: he felt he was up against it and that perhaps another kind of a job would suit him better -2021-09-20 08:38:54.757 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:38:54.759 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: this differentiation is furthered by the inheritance of wealth and the consequent inheritance of gentility -Output Transcription: this differentiation is further by the inheritance of wealth and the consequent inheritance of gentility -2021-09-20 08:38:54.761 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.066667 -2021-09-20 08:38:54.761 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: why should one not explore everything and study everything -Output Transcription: why should one not explore everything and study everything -2021-09-20 08:38:54.762 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:38:54.765 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the sound of an imperative and uncompromising bell recalled me in due time to the regions of reality -Output Transcription: the sound of an imperative and uncompromising bell recalled me in due time to the region's reality -2021-09-20 08:38:54.767 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.111111 -2021-09-20 08:38:54.768 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the sombre old trees like gigantic hearse plumes black and awful -Output Transcription: the sombre old trees a gigantic curse plumes black and awful -2021-09-20 08:38:54.770 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.181818 -2021-09-20 08:38:54.770 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: grandfather was alexander carey l l d doctor of laws that is -Output Transcription: grandfather was alexander carey l l d doctor of laws that is -2021-09-20 08:38:54.771 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:38:54.771 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: tables were spread on the lawn and a dainty but substantial repast was to be served -Output Transcription: tables were spread on the lawn and a dainty but substantial repast was to be served -2021-09-20 08:38:54.771 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:38:54.772 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the military force partly rabble partly organized had meanwhile moved into the town -Output Transcription: the military force partly rabble partly organized had meanwhile moved into the town -2021-09-20 08:38:54.772 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:38:54.774 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: munny i tould ike to do into de barn to tommy to see de whittawd -Output Transcription: money i didi to do into the barn to tommy to see the widowed -2021-09-20 08:38:54.776 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.400000 -2021-09-20 08:38:54.776 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: he stood still in deference to their calls and parried their banter with easy words -Output Transcription: he stood still in deference to their calls and parried their banter with easy words -2021-09-20 08:38:54.777 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:38:54.778 | INFO | deepspeech2x.model:test:372 - Error rate [wer] (1280/?) = 0.079337 -2021-09-20 08:38:56.433 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: finally the one party went off exulting and the other was left in desolation and woe -Output Transcription: finally the one party went off exalting and the other was left in desolation and well -2021-09-20 08:38:56.436 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.125000 -2021-09-20 08:38:56.436 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: can these things be returned david breathing more freely as the truth began to dawn upon him -Output Transcription: can these things be returned david breathing more freely as the truth began to dawn upon him -2021-09-20 08:38:56.436 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:38:56.437 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: then as if satisfied of their safety the scout left his position and slowly entered the place -Output Transcription: then as if satisfied of their safety the scout left his position and slowly entered the place -2021-09-20 08:38:56.437 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:38:56.437 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: some mysterious force seemed to have brought about a convulsion of the elements -Output Transcription: some mysterious force seemed to have brought about a convulsion of the elements -2021-09-20 08:38:56.437 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:38:56.438 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i saw at the hamburg museum the skeleton of one of these creatures thirty feet in length -Output Transcription: i saw at the hamburg museum the skeleton of one of these creatures thirty feet in length -2021-09-20 08:38:56.438 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:38:56.438 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the utility of consumption as an evidence of wealth is to be classed as a derivative growth -Output Transcription: the utility of consumption as an evidence of wealth is to be classed as a derivative growth -2021-09-20 08:38:56.438 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:38:56.439 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: oh sir said missus poyser rather alarmed you wouldn't like it at all -Output Transcription: oh sir said missus poyser rather alarmed you wouldn't like it at all -2021-09-20 08:38:56.439 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:38:56.441 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: moreover had the people been inclined to rebellion what greater opportunity could they have wished -Output Transcription: moreover had the people been inclined to rebellion woke greater opportunity could they have wished -2021-09-20 08:38:56.443 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.066667 -2021-09-20 08:38:56.443 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: now be silent on your lives he began but the captured apprentice set up an instant shout -Output Transcription: now be silent on your lives he began but the captured apprentice set up an instant shout -2021-09-20 08:38:56.443 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:38:56.443 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: thrusting open the proper entrance of the tent robin suddenly rushed forth with his burden with a great shout -Output Transcription: thrusting open the proper entrance of the tent robin suddenly rushed forth with his burden with a great shout -2021-09-20 08:38:56.444 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:38:56.446 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: we have our little struggles here as elsewhere and all things cannot be done by rose water -Output Transcription: we have our little struggles here as elsewhere and all things cannot be done by rosewater -2021-09-20 08:38:56.448 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.117647 -2021-09-20 08:38:56.448 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: as soon as these dispositions were made the scout turned to david and gave him his parting instructions -Output Transcription: as soon as these dispositions were made the scout turned to david and gave him his parting instructions -2021-09-20 08:38:56.449 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:38:56.450 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: all about him was a tumult of bright and broken color scattered in broad splashes -Output Transcription: all about him was a tumult of bright and broken color scattered and broad splashes -2021-09-20 08:38:56.452 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.066667 -2021-09-20 08:38:56.453 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: this attitude is universal and particularly developed in those who consider themselves better than others -Output Transcription: this attitude is universal and particularly developed in those who consider themselves better than others -2021-09-20 08:38:56.453 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:38:56.454 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: tell us said the other the whole story and where solon heard the story -Output Transcription: tell us said the other the whole story and were solemn heard this story -2021-09-20 08:38:56.456 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.214286 -2021-09-20 08:38:56.456 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: here go and get me change for a louis i have it sir -Output Transcription: here go and get me change for a louis i have it sir -2021-09-20 08:38:56.457 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:38:56.459 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: she considered a moment and then said no i think not though i am glad you ask me -Output Transcription: she considered for a moment and then said no i think not the way i'm glad you ask me -2021-09-20 08:38:56.462 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.222222 -2021-09-20 08:38:56.462 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i discovered and put out a fire that would have destroyed the whole plant but marshall never even thanked me -Output Transcription: i discovered and put out a fire that would have destroyed the whole plant but marshall never even thanked me -2021-09-20 08:38:56.462 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:38:56.463 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: there was good reason to stop and think even for the world's most emotionless man -Output Transcription: there was good reason to stop and think even for the world's most emotionless man -2021-09-20 08:38:56.463 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:38:56.463 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: what could he do he caught up everything which would betray him and he rushed into your bedroom to conceal himself -Output Transcription: what could he do he caught up everything which would betray him and he rushed into your bedroom to conceal himself -2021-09-20 08:38:56.463 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:38:56.464 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: then rogers wouldn't do anything but lead her around and wait upon her and the place went to rack and ruin -Output Transcription: then rogers wouldn't do anything but lead her around and wait upon her and the place went to rack and ruin -2021-09-20 08:38:56.464 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:38:56.468 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: that is the best way to decide for the spear will always point somewhere and one thing is as good as another -Output Transcription: that is the best way to the side of the sphere will always point somewhere and one thing is as good as another -2021-09-20 08:38:56.472 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.181818 -2021-09-20 08:38:56.472 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: wherever the means of grace are found there is the holy church even though antichrist reigns there -Output Transcription: wherever the means of grace are found there is the holy church even though antichrist reigns there -2021-09-20 08:38:56.472 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:38:56.472 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: what sir i said to him am i fortunate enough to see you -Output Transcription: what sir i said to him am i fortunate enough to see you -2021-09-20 08:38:56.473 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:38:56.473 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: old dances are simplified of their yearning bleached by time -Output Transcription: old dances are simplified of their yearning bleached by time -2021-09-20 08:38:56.473 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:38:56.476 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: scuse me said trot i neglected to tell you that you're not the boolooroo any more -Output Transcription: excuse me said shot i neglected to tell you that you're not the boooo any more -2021-09-20 08:38:56.478 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.187500 -2021-09-20 08:38:56.479 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: she was the most agreeable woman i've ever known in her position she would have been worthy of any whatever -Output Transcription: she was the most agreeable woman i've ever known in her position she would have been worthy of any whatever -2021-09-20 08:38:56.479 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:38:56.479 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i will show you what a good job i did and she went to a tall cupboard and threw open the doors -Output Transcription: i will show you what a good job i did and she went to a tall cupboard and threw open the doors -2021-09-20 08:38:56.479 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:38:56.483 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: naomi shook her forefinger reproachfully at them as if the two sturdy young farmers had been two children -Output Transcription: he only shook a forefinger reproachfully at them as if the two sturdy on farmers had been two children -2021-09-20 08:38:56.485 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.222222 -2021-09-20 08:38:56.487 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: to this his answer was prompt oh thank god no and is the record yours -Output Transcription: to this his answer was prompt oh thank god now and is the record yours -2021-09-20 08:38:56.490 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.066667 -2021-09-20 08:38:56.490 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: but the real significance and comfort of the words for our sins is lost upon them -Output Transcription: but the real significance and comfort of the words for our sins is lost upon them -2021-09-20 08:38:56.490 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:38:56.493 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: you were quite right to say no ambrose began never smoke with john jago his cigars will poison you -Output Transcription: you were quite right to say no ambrose began never smoke a jonah his cigars will poison you -2021-09-20 08:38:56.496 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.157895 -2021-09-20 08:38:56.497 | INFO | deepspeech2x.model:test:372 - Error rate [wer] (1312/?) = 0.078262 -2021-09-20 08:39:00.560 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i take this as my answer and i leave the professor to bite his lips with impatience -Output Transcription: i take this as my answer and i leave the professor to bite his lips with impatience -2021-09-20 08:39:00.561 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:39:00.561 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: could it mean to last a love set pendulous between sorrow and sorrow -Output Transcription: could it mean to last a love set pendulous between sorrow and sorrow -2021-09-20 08:39:00.562 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:39:00.562 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the rector paused and then shaking his clasped hands before him went on -Output Transcription: the rector paused and then shaking his clasped hands before him went on -2021-09-20 08:39:00.562 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:39:00.564 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: why should i rust and be stupid and sit in inaction because i am a girl -Output Transcription: why should i rest and be stupid and sit in an action because i am a girl -2021-09-20 08:39:00.567 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.187500 -2021-09-20 08:39:00.569 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: as he flew his down reaching clutching talons were not half a yard above the fugitive's head -Output Transcription: as he flew his down meeting clutching talons were not half a yard about the fugitives head -2021-09-20 08:39:00.571 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.176471 -2021-09-20 08:39:00.572 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: but the dusk deepening in the schoolroom covered over his thoughts the bell rang -Output Transcription: but the dusk deepening in the schoolroom covered over his thoughts the bell rang -2021-09-20 08:39:00.572 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:39:00.575 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i could write to my man and enclose the key he could send down the packet as he finds it -Output Transcription: i could write to my man and enclosed the key he could send down the packet as he finds it -2021-09-20 08:39:00.578 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.050000 -2021-09-20 08:39:00.581 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: in the evenings i confess i do think but i never trouble any one else with my thoughts -Output Transcription: in the evenings i confess i do think but i never trouble anyone else with my thoughts -2021-09-20 08:39:00.586 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.111111 -2021-09-20 08:39:00.588 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: meanwhile rodolfo had leocadia safe in his custody and in his own apartment -Output Transcription: meanwhile rudolph had locali safe in his custody and in his own apartment -2021-09-20 08:39:00.589 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.153846 -2021-09-20 08:39:00.592 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: we are traveling replied ojo and we stopped at your house just to rest and refresh ourselves -Output Transcription: we are traveling replied ojo and the stuff at your health just to rest and refresh ourselves -2021-09-20 08:39:00.594 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.176471 -2021-09-20 08:39:00.597 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: pearl seeing the rose bushes began to cry for a red rose and would not be pacified -Output Transcription: pearl seeing the rose bushes began to cry for our red rose and would not be pacified -2021-09-20 08:39:00.600 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.058824 -2021-09-20 08:39:00.600 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: this has indeed been a harassing day continued the young man his eyes fixed upon his friend -Output Transcription: this has indeed been a harassing day continued the young man his eyes fixed upon his friend -2021-09-20 08:39:00.600 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:39:00.604 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: you will say that a woman has no need of such a caution there can be no peril in it for her -Output Transcription: you will say that a woman has no need of such caution there can be no peril in it for her -2021-09-20 08:39:00.608 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.045455 -2021-09-20 08:39:00.608 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: it was the scarlet letter in another form the scarlet letter endowed with life -Output Transcription: it was the scarlet letter in another form the scarlet letter endowed with life -2021-09-20 08:39:00.608 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:39:00.611 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: my scholar has been left very poor but he is hard working and industrious he will do well -Output Transcription: my scholar has been left a very poor but he is hard working and industrious he will do well -2021-09-20 08:39:00.614 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.055556 -2021-09-20 08:39:00.614 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: they were both remembering what the woman had said when she took the money god give you a happy love -Output Transcription: they were both remembering what the woman had said when she took the money god give you a happy love -2021-09-20 08:39:00.615 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:39:00.618 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the first lot we tested on our glass cat which not only began to live but has lived ever since -Output Transcription: the first lot we tested on our glass hat which not only began to live but has lived ever since -2021-09-20 08:39:00.622 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.050000 -2021-09-20 08:39:00.625 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the raft was heaved up on a watery mountain and pitched down again at a distance of twenty fathoms -Output Transcription: the raft was heat up on a water mountain and pitched down again at a distance of twenty fathoms -2021-09-20 08:39:00.628 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.105263 -2021-09-20 08:39:00.628 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: bartley bent over and took her in his arms kissing her mouth and her wet tired eyes -Output Transcription: bartley bent over and took her in his arms kissing her mouth and her wet tired eyes -2021-09-20 08:39:00.629 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:39:00.633 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: here is a ring for sif the friendly and here is a bracelet a sword would not be ashamed to hang at your side -Output Transcription: here is a ring for sift the friendly and here is a bracelet and a sword would not be ashamed to hang at your side -2021-09-20 08:39:00.638 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.083333 -2021-09-20 08:39:00.641 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: choking with emotion leocadi made a sign to her parents that she wished to be alone with them -Output Transcription: choking with emotion leucadia made a sign to her parents that she wished to be alone with him -2021-09-20 08:39:00.644 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.111111 -2021-09-20 08:39:00.644 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: she introduced me to all her guests and gave me some particulars respecting every one of them -Output Transcription: she introduced me to all her guests and gave me some particulars respecting every one of them -2021-09-20 08:39:00.645 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:39:00.645 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: open thy heart wide and fold within the wet wings of thy dove -Output Transcription: open thy heart wide and fold within the wet wings of thy dove -2021-09-20 08:39:00.645 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:39:00.645 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the pride of that dim image brought back to his mind the dignity of the office he had refused -Output Transcription: the pride of that dim image brought back to his mind the dignity of the office he had refused -2021-09-20 08:39:00.646 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:39:00.646 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: you'll easily judge why when you hear because the thing had been such a scare he continued to fix me -Output Transcription: you'll easily judge why when you hear because the thing had been such a scare he continued to fix me -2021-09-20 08:39:00.646 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:39:00.646 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: as a private citizen i shall be a model of deportment because it would be dangerous to be otherwise -Output Transcription: as a private citizen i shall be a model of deportment because it would be dangerous to be otherwise -2021-09-20 08:39:00.647 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:39:00.647 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i thank all who have loved me in their hearts with thanks and love from mine -Output Transcription: i thank all who have loved me in their hearts with thanks and love from mine -2021-09-20 08:39:00.647 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:39:00.647 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the glimmering sea of delicate leaves whispered and murmured before her stretching away to the northward -Output Transcription: the glimmering sea of delicate leaves whispered and murmured before her stretching away to the northward -2021-09-20 08:39:00.648 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:39:00.652 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: this set of rooms is quite the oldest in the college and it is not unusual for visitors to go over them -Output Transcription: the set of rooms is quite the oldest in the college and it is not unusual for visitors to go over them -2021-09-20 08:39:00.656 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.045455 -2021-09-20 08:39:00.657 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: footnote sumner to shannon may twelfth eighteen fifty six -Output Transcription: foot note summer to shannon may twelve eighteen fifty six -2021-09-20 08:39:00.658 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.444444 -2021-09-20 08:39:00.658 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: there is hardly one day out of a hundred which is wholly joyous and sunny -Output Transcription: there is hardly one day out of a hundred which is wholly joyous and sunny -2021-09-20 08:39:00.658 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:39:00.662 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: yet here are we within a short range of the scaroons and not a sign of a trail have we crossed -Output Transcription: yet here are we within a short range of the sharons and not a sign of a trail have we crossed -2021-09-20 08:39:00.665 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.047619 -2021-09-20 08:39:00.667 | INFO | deepspeech2x.model:test:372 - Error rate [wer] (1344/?) = 0.077328 -2021-09-20 08:39:02.819 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: yes we are certainly i replied evasively but after we make a detour -Output Transcription: yes we are certainly i replied evasively but after we make a detour -2021-09-20 08:39:02.820 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:39:02.821 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: and this was why kenneth and beth discovered him conversing with the young woman in the buggy -Output Transcription: and this was why kenneth and beth discovered him conversing with the young woman in the buggy -2021-09-20 08:39:02.821 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:39:02.822 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: harangue the tiresome product of a tireless tongue -Output Transcription: herring the tiresome product of a tireless tongue -2021-09-20 08:39:02.823 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.125000 -2021-09-20 08:39:02.826 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: this she said was true hospitality and i am not sure that i did not agree with her -Output Transcription: this she said was true hospitality and i am not sure that i did not agree with there -2021-09-20 08:39:02.828 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.055556 -2021-09-20 08:39:02.831 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: and this plan was adopted too in order to extract from me a promise that i would depart in peace -Output Transcription: and this plan was adopted to in order to extract from me a promise that i would depart in peace -2021-09-20 08:39:02.835 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.050000 -2021-09-20 08:39:02.837 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: my friend did not appear to be depressed by his failure but shrugged his shoulders in half humorous resignation -Output Transcription: my friend did not appear to be depressed by his failure but shrugged his shoulders and half humorous resignation -2021-09-20 08:39:02.840 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.052632 -2021-09-20 08:39:02.842 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i expect you have been a very good girl andella since you were here last -Output Transcription: i expect you have been a very good girl and della since you were here last -2021-09-20 08:39:02.844 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.133333 -2021-09-20 08:39:02.846 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the nautilus nearly perishes in the antarctic and nemo sinks into a growing depression -Output Transcription: the nautilus nearly perishes in the antarctic and the most things into a growing depression -2021-09-20 08:39:02.848 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.214286 -2021-09-20 08:39:02.850 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: his tones rang pleasantly on warrenton's ears and forthwith a good fellowship was heralded between them -Output Transcription: his tones ring pleasantly on warranties ears and forthwith the good fellowship was heralded between them -2021-09-20 08:39:02.852 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.187500 -2021-09-20 08:39:02.853 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: yes the character which your royal highness assumed is in perfect harmony with your own -Output Transcription: yes the character which your royal highness assumed is in perfect harmony with your own -2021-09-20 08:39:02.853 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:39:02.855 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i left instructions for shipping my containers of stuffed animals and dried plants to paris france -Output Transcription: i left instructions for shipping like containers of stuffed animals and dried plants to paris france -2021-09-20 08:39:02.857 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.062500 -2021-09-20 08:39:02.859 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: he returned carrying his jumping shoes which are provided as you are aware with several sharp spikes -Output Transcription: he returned carrying his jumping shoes which are provided as you are ware with several sharp spikes -2021-09-20 08:39:02.862 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.058824 -2021-09-20 08:39:02.862 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: della had a young sister named maria and a cousin whose name was jane -Output Transcription: della had a young sister named maria and a cousin whose name was jane -2021-09-20 08:39:02.863 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:39:02.863 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: at last the cotton combine was to all appearances an assured fact and he was slated for the senate -Output Transcription: at last the cotton combine was to all appearances an assured fact and he was slated for the senate -2021-09-20 08:39:02.863 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:39:02.863 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: if the count were on board a strange fatality was bringing him to the presence of his rival -Output Transcription: if the count were on board a strange fatality was bringing him to the presence of his rival -2021-09-20 08:39:02.864 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:39:02.865 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: approaching the dining table he carefully placed the article in the centre and removed the cloth -Output Transcription: approaching the dining table he carefully placed the article in the center and removed the cloth -2021-09-20 08:39:02.867 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.062500 -2021-09-20 08:39:02.868 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i left you on a continent and here i have the honor of finding you on an island -Output Transcription: i left you on a continent and here i have the honor of finding you on an island -2021-09-20 08:39:02.868 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:39:02.870 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: she looked at his heavy shoulders and big determined head thrust forward like a catapult in leash -Output Transcription: she looked at his heavy shoulders and big determined head pressed forward like a catapult on leash -2021-09-20 08:39:02.873 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.117647 -2021-09-20 08:39:02.875 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: spoke the squire losing all patience and it was to you that i gave another purse in consolation -Output Transcription: spoke the squire losing all patient and it was to you that i gave another person consolation -2021-09-20 08:39:02.878 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.166667 -2021-09-20 08:39:02.879 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: over the track lined city street the young men the grinning men pass -Output Transcription: over the track lined city street the young men the grinning man pass -2021-09-20 08:39:02.881 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.076923 -2021-09-20 08:39:02.881 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: it has occupied mother a long time to find at the shops the exact shade for her new bonnet -Output Transcription: it has occupied mother a long time to find at the shops the exact shade for her new bonnet -2021-09-20 08:39:02.881 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:39:02.884 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: a bed quilt made of patches of different kinds and colors of cloth all neatly sewed together -Output Transcription: a bed quilt made of patches of different kinds and colors of cloth all neatly so together -2021-09-20 08:39:02.886 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.058824 -2021-09-20 08:39:02.889 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: your letter has given me great pleasure and i should not forgive myself if i did not tell you so -Output Transcription: your letter has given me great pleasure and i should not forgive myself if i didn't tell you so -2021-09-20 08:39:02.892 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.100000 -2021-09-20 08:39:02.892 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i'm going to see mister marshall said kenneth and discover what i can do to assist you thank you sir -Output Transcription: i'm going to see mister marshall said kenneth and discover what i can do to assist you thank you sir -2021-09-20 08:39:02.893 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:39:02.895 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: it did not beckon or indeed move at all it was as still as the hand of death -Output Transcription: it did not bacon or indeed move at all it was as still as the hand of death -2021-09-20 08:39:02.898 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.055556 -2021-09-20 08:39:02.900 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i'm glad you like it says wylder chuckling benignantly on it over his shoulder -Output Transcription: i'm glad you like it says wilder chuckling indignantly on it over his shoulder -2021-09-20 08:39:02.901 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.142857 -2021-09-20 08:39:02.905 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: young fitzooth had been commanded to his mother's chamber so soon as he had come out from his converse with the squire -Output Transcription: young fit south had been commanded to his mother's chamber so soon as he had come out from his converse with the squire -2021-09-20 08:39:02.910 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.090909 -2021-09-20 08:39:02.910 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: as any in england i would say said gamewell proudly that is in his day -Output Transcription: as any in england i would say said gamewell proudly that is in his day -2021-09-20 08:39:02.910 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:39:02.911 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i think that will do she continued for the other qualities are not needed in a servant -Output Transcription: i think that will do she continued for the other qualities are not needed in a servant -2021-09-20 08:39:02.911 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:39:02.912 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: since christ was given for our sins it stands to reason that they cannot be put away by our own efforts -Output Transcription: since christ was given for our sins it stands to reason that they cannot be put away by our own efforts -2021-09-20 08:39:02.912 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:39:02.914 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: but in this vignette copied from turner you have the two principles brought out perfectly -Output Transcription: but in this vineyard copied from turner you have the two principles brought out perfectly -2021-09-20 08:39:02.916 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.066667 -2021-09-20 08:39:02.921 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: so no tales got out to the neighbors besides it was a lonely place and by good luck no one came that way -Output Transcription: so no tails got out to the neighbors besides it was a lonely place and by good luck no one came that way -2021-09-20 08:39:02.925 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.043478 -2021-09-20 08:39:02.926 | INFO | deepspeech2x.model:test:372 - Error rate [wer] (1376/?) = 0.076581 -2021-09-20 08:39:04.681 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the strange woman and her passionate sentence that rang out so sharply had frightened them both -Output Transcription: the strange woman and her passionate sentence that rang out so sharply had frightened them both -2021-09-20 08:39:04.682 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:39:04.683 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: john wesley combash jacob taylor and thomas edward skinner -Output Transcription: john wesley compas jacob taylor and thomas edward skinner -2021-09-20 08:39:04.684 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.111111 -2021-09-20 08:39:04.685 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: this transient spring and lighting up are beautiful a glamour beguiling our senses -Output Transcription: this transit spring and lighting up our beautiful a glamour beguiling our senses -2021-09-20 08:39:04.687 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.153846 -2021-09-20 08:39:04.688 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: now when has horror ever excluded study -Output Transcription: no when has horror ever excluded study -2021-09-20 08:39:04.688 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.142857 -2021-09-20 08:39:04.691 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: miss taylor did not know much about cotton but at least one more remark seemed called for -Output Transcription: miss taylor did not know much about cotton but at least one more remarked seem called for -2021-09-20 08:39:04.693 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.117647 -2021-09-20 08:39:04.696 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: we want you to help us publish some leading work of luther's for the general american market will you do it -Output Transcription: we want you to help us publish some leading work of luthers for the general american market will you do it -2021-09-20 08:39:04.700 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.047619 -2021-09-20 08:39:04.700 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i believe i have a little taste that way those are all real you know those jewels -Output Transcription: i believe i have a little taste that way those are all real you know those jewels -2021-09-20 08:39:04.700 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:39:04.703 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: no sir he isn't he's gone to rosseter to see mister west the factor about the wool -Output Transcription: no sir he isn't he's gone to rossiter to see mister west the factor about the wall -2021-09-20 08:39:04.705 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.117647 -2021-09-20 08:39:04.707 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: this is the explanation of the shallows which are found in that part of the atlantic ocean -Output Transcription: this is the explanation of the shells which i found in that part of the atlantic ocean -2021-09-20 08:39:04.709 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.117647 -2021-09-20 08:39:04.710 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: frank read english slowly and the more he read about this divorce case the angrier he grew -Output Transcription: frank read english slowly and the more he read about this divorce case the angrier he grew -2021-09-20 08:39:04.710 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:39:04.710 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: my friend's temper had not improved since he had been deprived of the congenial surroundings of baker street -Output Transcription: my friend's temper had not improved since he had been deprived of the congenial surroundings of baker street -2021-09-20 08:39:04.710 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:39:04.714 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: then she gave rosalie back her magic ring thanking the kind witch for all she had done for them -Output Transcription: then she gave rose lay back her magic ring thanking the kind which for all she had done for them -2021-09-20 08:39:04.717 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.157895 -2021-09-20 08:39:04.720 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: there might be a bit of poetry here and there but most of this place was such desperate prose -Output Transcription: there might be a bit of poetry here and there but most of this place was such desperate rose -2021-09-20 08:39:04.722 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.052632 -2021-09-20 08:39:04.723 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: at this the bundle opened suddenly and out popped phronsie -Output Transcription: at this the bundle opened suddenly and out popped rosie -2021-09-20 08:39:04.725 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.100000 -2021-09-20 08:39:04.728 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: bartley leaned over her shoulder without touching her and whispered in her ear you are giving me a chance yes -Output Transcription: partly lean over her shoulder without touching her and whispered in her ear you are giving me a chance yes -2021-09-20 08:39:04.731 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.100000 -2021-09-20 08:39:04.734 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: but joyce had not been listening all at once she put down her candle on the table and faced her companion -Output Transcription: but joyce had not been listening all at once she put on her candle on the table and faced her companion -2021-09-20 08:39:04.738 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.047619 -2021-09-20 08:39:04.741 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i had not ventured to hope for such a reply so considerate in its tone so noble in its spirit -Output Transcription: i have not ventured to hope for such a reply so considerate in its tone so noble in its spirit -2021-09-20 08:39:04.744 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.050000 -2021-09-20 08:39:04.746 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: there befell an anxious interview mistress fitzooth arguing for and against the squire's project in a breath -Output Transcription: there befell an anxious interview mistress of tooth arguing for and against the squires project in the breath -2021-09-20 08:39:04.749 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.235294 -2021-09-20 08:39:04.751 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: these perverters of the righteousness of christ resist the father and the son and the works of them both -Output Transcription: these perverts of the richness of christ resist the father and the son and the works of them both -2021-09-20 08:39:04.754 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.105263 -2021-09-20 08:39:04.756 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: but in this friendly pressure raoul could detect the nervous agitation of a great internal conflict -Output Transcription: by in this friendly pressure roll to take the nervous agitation of a great internal conflict -2021-09-20 08:39:04.758 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.250000 -2021-09-20 08:39:04.759 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the only thing necessary was to fix seth reynolds and this hopkins arranged personally -Output Transcription: the only thing necessary was to fix seth reynolds and this hopkins arranged personally -2021-09-20 08:39:04.759 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:39:04.760 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: in this world evidently the vestibule of another there are no fortunate -Output Transcription: in this worlds evidently the vestibule of another there are no fortunate -2021-09-20 08:39:04.761 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.083333 -2021-09-20 08:39:04.762 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: she wanted a glance of the new books and periodicals and talk of great philanthropies and reforms -Output Transcription: she wanted a glance of the new books and periodicals and talk of great philanthropies and reforms -2021-09-20 08:39:04.762 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:39:04.766 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: a little cracked that in the popular phrase was my impression of the stranger who now made his appearance in the supper room -Output Transcription: a little crack that in the popular phrase was my impression of the stranger who now made his appearance in the supper room -2021-09-20 08:39:04.770 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.043478 -2021-09-20 08:39:04.771 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: slow to world greetings quick with its o list when the angels speak -Output Transcription: slow to world greetings quick with it o list when the angel speak -2021-09-20 08:39:04.773 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.153846 -2021-09-20 08:39:04.773 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: even so i had just returned from an arduous journey exhausted and badly needing a rest -Output Transcription: even so i had just returned from an arduous journey exhausted and badly needing a rest -2021-09-20 08:39:04.774 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:39:04.776 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: then said sir ferdinando there is nothing for it but that he must take you with him -Output Transcription: then said sir ferdinando there is nothing for but that we must take you with him -2021-09-20 08:39:04.779 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.117647 -2021-09-20 08:39:04.781 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i wish i hadn't cried so much said alice as she swam about trying to find her way out -Output Transcription: i wish i hadn't cried so much' said alice as she swam about trying to find her way out -2021-09-20 08:39:04.785 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.052632 -2021-09-20 08:39:04.787 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: there is the slang of the affected lady as well as of the precieuses -Output Transcription: there is the slang of the affected lady as well as of the presses -2021-09-20 08:39:04.789 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.071429 -2021-09-20 08:39:04.789 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: to burn without ceasing to fly therein lies the marvel of genius -Output Transcription: to burn without ceasing to fly therein lies the marvel of genius -2021-09-20 08:39:04.790 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:39:04.792 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: there jap you've caught it laughed percy while the others screamed at the sight of jasper's face -Output Transcription: there cap you've got it lapped percy while the other screamed at the side of jasper's face -2021-09-20 08:39:04.794 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.294118 -2021-09-20 08:39:04.797 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i sit down at a small table a waiter comes immediately to enquire my wishes -Output Transcription: i sit down at a small table a waiter comes immediately to inquire my wishes -2021-09-20 08:39:04.799 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.066667 -2021-09-20 08:39:04.799 | INFO | deepspeech2x.model:test:372 - Error rate [wer] (1408/?) = 0.076862 -2021-09-20 08:39:06.591 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: you gave me double five i want double nine hallo is that you horatio hamlet speaking -Output Transcription: you gave me double five i want double nine hello is that you horatio hamlet speaking -2021-09-20 08:39:06.593 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.062500 -2021-09-20 08:39:06.597 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: he knew his uncle would be glad to hear that he had at last turned his thoughts to a practical matter -Output Transcription: he knew his uncle will be glad to hear that he had at last turned his thoughts to a practical matter -2021-09-20 08:39:06.600 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.047619 -2021-09-20 08:39:06.600 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: her manner was neither independent nor assertive but rather one of well bred composure and calm reliance -Output Transcription: her manner was neither independent nor assertive but rather one of well bred composure and calm reliance -2021-09-20 08:39:06.601 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:39:06.604 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i made her for only twenty oars because i thought few men would follow me for i was young fifteen years old -Output Transcription: i made her for my twenty ars because i thought few men would follow me for i was young fifteen years old -2021-09-20 08:39:06.608 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.090909 -2021-09-20 08:39:06.609 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: have mercy lord on me i pray for men would me devour -Output Transcription: have mercy lord on me i pray for men with me devour -2021-09-20 08:39:06.611 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.083333 -2021-09-20 08:39:06.614 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: oh you are the dearest and best mister king i ever saw but how did you make mammy let her come -Output Transcription: oh you are the dearest and best mister king i ever saw but how did you make mommy let her come -2021-09-20 08:39:06.617 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.047619 -2021-09-20 08:39:06.618 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: on arriving at home at my own residence i found that our salon was filled with a brilliant company -Output Transcription: on arriving at home at my own residence i found that our salon was filled with a brilliant company -2021-09-20 08:39:06.618 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:39:06.620 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: my yacht is at your service sir even should you require to make a tour round the world -Output Transcription: my yacht is at your service sir even should you require to make a tour around the world -2021-09-20 08:39:06.623 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.055556 -2021-09-20 08:39:06.623 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: for the first time the maid seemed a little confused and her gaze wandered from the face of her visitor -Output Transcription: for the first time the maid seemed a little confused and her gaze wandered from the face of her visitor -2021-09-20 08:39:06.623 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:39:06.627 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: holmes held out a small chip with the letters n n and a space of clear wood after them you see -Output Transcription: holmes held out a small chip with the letters and in the space of clear wood after them you see -2021-09-20 08:39:06.630 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.190476 -2021-09-20 08:39:06.631 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: some images like some sensations feel very familiar while others feel strange -Output Transcription: some images like some sensations fill very familiar while others fill strange -2021-09-20 08:39:06.632 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.166667 -2021-09-20 08:39:06.633 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: there cannot be a doubt he received you kindly for in fact you returned without his permission -Output Transcription: there cannot be a doubt he received you kindly for in fact you returned without his permission -2021-09-20 08:39:06.633 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:39:06.637 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: he knew it would take them to the house of the crooked magician whom he had never seen but who was their nearest neighbor -Output Transcription: he knew it would take them to the house of the crooked magician whom he had never seen but who was there nearest neighbor -2021-09-20 08:39:06.642 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.041667 -2021-09-20 08:39:06.642 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: in this case as in most others what may be taken as certain in advance is rather vague -Output Transcription: in this case as in most others what may be taken as certain in advance is rather vague -2021-09-20 08:39:06.642 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:39:06.643 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the golden star of tinsel was still on the top of the tree and glittered in the sunshine -Output Transcription: the golden star of tinsel was still on the top of the tree and glittered in the sunshine -2021-09-20 08:39:06.643 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:39:06.644 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the real human division is this the luminous and the shady -Output Transcription: the real human division as this the luminous and the shady -2021-09-20 08:39:06.645 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.090909 -2021-09-20 08:39:06.645 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i've strong assurance that no evil will happen to you and my uncle and the children from anything i've done -Output Transcription: i've strong assurance that no evil will happen to you and my uncle and the children from anything i've done -2021-09-20 08:39:06.646 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:39:06.649 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: please tell me one thing bartley at least tell me that you believe i thought i was making you happy -Output Transcription: please tell me one thing partly at least tell me that you believe i thought i was making you happy -2021-09-20 08:39:06.652 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.050000 -2021-09-20 08:39:06.653 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: she ceasd and smild in tears then sat down in her silver shrine -Output Transcription: she ceased and smiled in tears then sat down in her silver shrine -2021-09-20 08:39:06.654 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.153846 -2021-09-20 08:39:06.657 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: then they started on again and two hours later came in sight of the house of doctor pipt -Output Transcription: then they started on again and two hours later came in sight of the house of doctor pipped -2021-09-20 08:39:06.660 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.055556 -2021-09-20 08:39:06.664 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: there was something in his air and manner that betrayed to the scout the utter confusion of the state of his mind -Output Transcription: there was something in his air in the manner that betrayed to the scout the utter confusion of the state of his mind -2021-09-20 08:39:06.667 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.090909 -2021-09-20 08:39:06.670 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: bravely and generously has he battled in my behalf and this and more will i dare in his service -Output Transcription: bravely and generously as he battled in my behalf and this and more will i dare in his service -2021-09-20 08:39:06.673 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.052632 -2021-09-20 08:39:06.676 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: you must see lieutenant i should think that we are not so near the coast of algeria as you imagined -Output Transcription: you must see lieutenant i should think that we are not so near the coast of algeria as you imagine -2021-09-20 08:39:06.679 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.050000 -2021-09-20 08:39:06.680 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: a suffocating smell of nitrogen fills the air it enters the throat it fills the lungs -Output Transcription: a suffocating smell of nitrogen fills the air it enters the throat it fills the lungs -2021-09-20 08:39:06.680 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:39:06.680 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: yet little as it was it had already made a vast difference in the aspect of the room -Output Transcription: yet little as it was it had already made a vast difference in the aspect of the room -2021-09-20 08:39:06.681 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:39:06.681 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i was thinking it's very like the ace of hearts answered the captain softly smiling on -Output Transcription: i was thinking it's very like the ace of hearts answered the captain softly smiling on -2021-09-20 08:39:06.681 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:39:06.684 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the stop at queenstown the tedious passage up the mersey were things that he noted dimly through his growing impatience -Output Transcription: stop at queen's town the tedious passage of the mercy were things that he noted dimly through his growing impatience -2021-09-20 08:39:06.688 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.250000 -2021-09-20 08:39:06.688 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the first of our vague but indubitable data is that there is knowledge of the past -Output Transcription: the first of our vague but indubitable data is that there is knowledge of the past -2021-09-20 08:39:06.688 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:39:06.690 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: however he who says light does not necessarily say joy -Output Transcription: however he who says light does not necessarily said joy -2021-09-20 08:39:06.691 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.100000 -2021-09-20 08:39:06.691 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i wish you weren't so restless and didn't get so worked up over things she said sadly -Output Transcription: i wish you weren't so restless and didn't get so worked up over things she said sadly -2021-09-20 08:39:06.692 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:39:06.695 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: he had preconceived ideas about everything and his idea about americans was that they should be engineers or mechanics -Output Transcription: we let preconceived ideas about everything and his idea about americans was that they should be engineers or mechanics -2021-09-20 08:39:06.698 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.105263 -2021-09-20 08:39:06.698 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i have very few to love me now and i thought you might love me as i have begun to love you -Output Transcription: i have very few to love me now and i thought you might love me as i have begun to love you -2021-09-20 08:39:06.699 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:39:06.699 | INFO | deepspeech2x.model:test:372 - Error rate [wer] (1440/?) = 0.076031 -2021-09-20 08:39:10.635 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: whereupon lake laughed quietly still looking on the ace of hearts with his sly eyes -Output Transcription: whereupon lake laughed quietly still looking on the ace of hearts with his sly eyes -2021-09-20 08:39:10.637 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:39:10.642 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: so uncas you had better take the lead while i will put on the skin again and trust to cunning for want of speed -Output Transcription: so once you had better take the lead while i will put on the skin again and trust to cunning for want of speed -2021-09-20 08:39:10.648 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.041667 -2021-09-20 08:39:10.653 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: he panted to know if she too knew or knew and cared not or cared and knew not -Output Transcription: he wanted to know if she too knew or knew and cared not or cared and knew not -2021-09-20 08:39:10.658 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.055556 -2021-09-20 08:39:10.663 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: and to think we can save all that misery and despair by the payment of a hundred and fifty dollars -Output Transcription: and to think we can save oh that misery and despair by the payment of a hundred and fifty dollars -2021-09-20 08:39:10.669 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.050000 -2021-09-20 08:39:10.675 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i was well satisfied with my cabin which was located in the stern and opened into the officers mess -Output Transcription: i was well satisfied with my cabin which was located in the stern and opened into the officer's mess -2021-09-20 08:39:10.680 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.052632 -2021-09-20 08:39:10.681 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: therefore her majesty paid no attention to anyone and no one paid any attention to her -Output Transcription: therefore her majesty paid no attention to anyone and no one paid any attention to her -2021-09-20 08:39:10.681 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:39:10.682 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: there came upon me a sudden shock when i heard these words which exceeded anything which i had yet felt -Output Transcription: there came upon me a sudden shock when i heard these words which exceeded anything which i had yet felt -2021-09-20 08:39:10.682 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:39:10.690 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: he gave way to the others very readily and retreated unperceived by the squire and mistress fitzooth to the rear of the tent -Output Transcription: he gave way to the others very readily and retreated unperceived by the squire and mistress fit zot to the rear of the tent -2021-09-20 08:39:10.698 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.086957 -2021-09-20 08:39:10.703 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: thus it is that the honor of three is saved our country's our master's and our own -Output Transcription: thus it is not the honour of three is saved our country are masters and our own -2021-09-20 08:39:10.707 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.294118 -2021-09-20 08:39:10.707 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: she was a large homely woman they were common white people with no reputation in the community -Output Transcription: she was a large homely woman they were common white people with no reputation in the community -2021-09-20 08:39:10.708 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:39:10.713 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the whole party crowded to the spot where uncas pointed out the impression of a moccasin in the moist alluvion -Output Transcription: the whole party crowded to the spot where uncles pointed out the impression of a moccasin in the moist elution -2021-09-20 08:39:10.720 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.100000 -2021-09-20 08:39:10.725 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: said captain donnithorne seating himself where he could see along the short passage to the open dairy door -Output Transcription: said captain denethor ne seating himself where he could see along the short passage to the open dairy door -2021-09-20 08:39:10.730 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.111111 -2021-09-20 08:39:10.731 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: tabby had tended them in their childhood they and none other should tend her in her infirmity and age -Output Transcription: tabby had tended them in their childhood they and none other should tend her in her infirmity and age -2021-09-20 08:39:10.731 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:39:10.732 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: against these boasting false apostles paul boldly defends his apostolic authority and ministry -Output Transcription: against these boasting false apostles paul boldly defends his apostolic authority and ministry -2021-09-20 08:39:10.732 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:39:10.732 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: so much for the title of the epistle now follows the greeting of the apostle verse three -Output Transcription: so much for the title of the epistle now follows the greeting of the apostle verse three -2021-09-20 08:39:10.733 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:39:10.736 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: in autumn the wood cutters always came and felled some of the largest trees -Output Transcription: in autumn the wood cutters always came and fell some of the largest trees -2021-09-20 08:39:10.739 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.071429 -2021-09-20 08:39:10.742 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: distrusting his own judgment his appeals to the opinion of chingachgook were frequent and earnest -Output Transcription: distrusting his own judgment his appeals to the opinion of chinuch cook were frequent and earnest -2021-09-20 08:39:10.746 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.133333 -2021-09-20 08:39:10.746 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: hence the edison electrolytic meter is no longer used despite its excellent qualities -Output Transcription: hence the edison electrolytic meter is no longer used despite its excellent qualities -2021-09-20 08:39:10.747 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:39:10.747 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: their contents had all boiled away leaving in the bottom of each kettle a few grains of fine white powder -Output Transcription: their contents had all boiled away leaving in the bottom of each kettle a few grains of fine white powder -2021-09-20 08:39:10.748 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:39:10.748 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: when you argue about the nature of god apart from the question of justification you may be as profound as you like -Output Transcription: when you argue about the nature of god apart from the question of justification you may be as profound as you like -2021-09-20 08:39:10.748 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:39:10.749 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: some points may be taken as fixed and such as any theory of memory must arrive at -Output Transcription: some points may be taken as fixed and such as any theory of memory must arrive at -2021-09-20 08:39:10.749 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:39:10.754 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: do you suppose that god for the sake of a few lutheran heretics would disown his entire church -Output Transcription: do you suppose that god for the sake of a few lutheran heretics would this son his entire church -2021-09-20 08:39:10.759 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.111111 -2021-09-20 08:39:10.760 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: she's older than i am but so tiny and sad and shy that she seems like a child -Output Transcription: she's older than i am but so tiny and sad and shy that she seems like a child -2021-09-20 08:39:10.760 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:39:10.761 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: he darted like an arrow through all the halls down all the stairs and across the yard -Output Transcription: he darted like an arrow through all the halls down all the stairs and across the yard -2021-09-20 08:39:10.761 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:39:10.765 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: her sea going qualities were excellent and would have amply sufficed for a circumnavigation of the globe -Output Transcription: her seagoing qualities were excellent and would have amply sufficed for a circumnavigation of the globe -2021-09-20 08:39:10.770 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.117647 -2021-09-20 08:39:10.773 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: he was such a big boy that he wore high boots and carried a jack knife -Output Transcription: he was such a big boy that he wore high boots and carried a jackknife -2021-09-20 08:39:10.777 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.125000 -2021-09-20 08:39:10.781 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: you have come andella andella was the name of jane's doll to make rosalie a visit -Output Transcription: you have come adela adela was the name of jane's doll to make rosalie a visit -2021-09-20 08:39:10.784 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.125000 -2021-09-20 08:39:10.785 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: we want to know mister gilchrist how you an honourable man ever came to commit such an action as that of yesterday -Output Transcription: we want to know mister gilchrist how you an honourable man ever came to commit such an action as that of yesterday -2021-09-20 08:39:10.785 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:39:10.792 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the crowd drifts off leaving the hero and heroine alone in the middle of the stage and then you can begin -Output Transcription: the crowd drifts of leaping the hero and heroine alone in the middle of the stage and then you can begin -2021-09-20 08:39:10.798 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.095238 -2021-09-20 08:39:10.800 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: his conduct and presence of mind in this emergence appeared conspicuous -Output Transcription: his conduct and presence of mind in this emergent appeared conspicuous -2021-09-20 08:39:10.802 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.090909 -2021-09-20 08:39:10.803 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: dearest teach me so to pour out gratitude as thou dost good -Output Transcription: dearest teach me so to pour out gratitude as thou dost good -2021-09-20 08:39:10.804 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:39:10.811 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: give me a check for a hundred and fifty and i'll turn over to you the forged check and quash further proceedings -Output Transcription: give me a check for a hundred and fifty and i'll turn over to you the forged check and cash further proceedings -2021-09-20 08:39:10.817 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.045455 -2021-09-20 08:39:10.819 | INFO | deepspeech2x.model:test:372 - Error rate [wer] (1472/?) = 0.075225 -2021-09-20 08:39:13.150 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: oh she's always at the piano said van she must be there now somewhere and then somebody laughed -Output Transcription: oh she's always at the piano said man she must be there now somewhere and then somebody laughed -2021-09-20 08:39:13.153 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.055556 -2021-09-20 08:39:13.156 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: paul answers the man who is named jesus christ and the son of god gave himself for our sins -Output Transcription: paul answers the man who his name jesus christ and the son of god gave himself for our sins -2021-09-20 08:39:13.159 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.105263 -2021-09-20 08:39:13.162 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i am not good enough for you and you must be kept from the contamination of too intimate society -Output Transcription: i am not good enough for you and you must be kept from the contamination of two intimate society -2021-09-20 08:39:13.165 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.052632 -2021-09-20 08:39:13.168 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: far from it sire your majesty having given no directions about it the musicians have retained it -Output Transcription: far from it sire your majesty having given no directions about it the musicians ever tandon -2021-09-20 08:39:13.170 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.176471 -2021-09-20 08:39:13.170 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: either he calls ministers through the agency of men or he calls them directly as he called the prophets and apostles -Output Transcription: either he calls ministers through the agency of men or he calls them directly as he called the prophets and apostles -2021-09-20 08:39:13.170 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:39:13.171 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: tabby had lived with them for ten or twelve years and was as charlotte expressed it one of the family -Output Transcription: tabby had lived with them for ten or twelve years and was as charlotte expressed it one of the family -2021-09-20 08:39:13.171 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:39:13.174 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: sometimes i'm that yearning for a smoke i'm nearly crazy an i dunno which is worst dyin one way or another -Output Transcription: sometimes in that year and for his smoke i'm nearly crazy dowith is worse in one way or the other -2021-09-20 08:39:13.178 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.571429 -2021-09-20 08:39:13.178 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i must come another day and see your husband i want to have a consultation with him about horses -Output Transcription: i must come another day and see your husband i want to have a consultation with him about horses -2021-09-20 08:39:13.178 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:39:13.179 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: and she threw her arms round her cousin's neck and brave rachel at last burst into tears -Output Transcription: and she threw her arms round her cousin's neck and brave rachel at last burst into tears -2021-09-20 08:39:13.179 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:39:13.179 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: if a layman in giving baptism pour the water before saying the words is the child baptized -Output Transcription: if a layman in giving baptism pour the water before saying the words is the child baptized -2021-09-20 08:39:13.179 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:39:13.180 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: no one would disturb their little house even if anyone came so far into the thick forest while they were gone -Output Transcription: no one would disturb their little house even if anyone came so far into the thick forest while they were gone -2021-09-20 08:39:13.180 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:39:13.180 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: a circle of a few hundred feet in circumference was drawn and each of the party took a segment for his portion -Output Transcription: a circle of a few hundred feet in circumference was drawn and each of the party took a segment for his portion -2021-09-20 08:39:13.180 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:39:13.182 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: without his scrapbooks his chemicals and his homely untidiness he was an uncomfortable man -Output Transcription: without his scrap books his chemicals and has homely untidiness he was an uncomfortable man -2021-09-20 08:39:13.184 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.214286 -2021-09-20 08:39:13.186 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: there was something individual about the great farm a most unusual trimness and care for detail -Output Transcription: there was something individual about the great farm a most unusual grimness and care for detail -2021-09-20 08:39:13.188 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.062500 -2021-09-20 08:39:13.193 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: stuteley was by his side in a flash and then they both began feeling about them to ascertain the shape and character of this vault -Output Transcription: studley was by his side in a flash and then they both began feeling about them to ascertain the shape and character of this vault -2021-09-20 08:39:13.198 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.040000 -2021-09-20 08:39:13.198 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: if it only were not so dark here and so terribly lonely -Output Transcription: if it only were not so dark here and so terribly lonely -2021-09-20 08:39:13.199 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:39:13.201 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: however her features and form might repress any evidence of nervousness these hands told a different story -Output Transcription: however her features and four might repress any evidence of nervousness these hands told a different story -2021-09-20 08:39:13.203 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.058824 -2021-09-20 08:39:13.206 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: well said mademoiselle de tonnay charente i also think a good deal but i take care -Output Transcription: well said mademoiselle de ten salad i also think a good deal but i take care -2021-09-20 08:39:13.208 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.125000 -2021-09-20 08:39:13.208 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: somehow of all the days when the home feeling was the strongest this day it seemed as if she could bear it no longer -Output Transcription: somehow of all the days when the home feeling was the strongest this day it seemed as if she could bear it no longer -2021-09-20 08:39:13.208 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:39:13.209 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: yes in reality those were happy times -Output Transcription: yes in reality those were happy times -2021-09-20 08:39:13.209 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:39:13.211 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: remembering has to be a present occurrence in some way resembling or related to what is remembered -Output Transcription: remembering has to be a present occurrence and some way resembling or related to what is remembered -2021-09-20 08:39:13.214 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.058824 -2021-09-20 08:39:13.216 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: when called before i told how hastily i dropped my flowers or brake off from a game -Output Transcription: when called before i told how hastily i dropped my flowers or break off from a game -2021-09-20 08:39:13.218 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.058824 -2021-09-20 08:39:13.219 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: to relieve her from both he laid his hand with force upon his heart and said do you believe me -Output Transcription: to relieve her from both he laid his hand with force upon his heart and said do you believe me -2021-09-20 08:39:13.219 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:39:13.219 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i will make no unjust use of what i know he replied with firmness i believe you my lord -Output Transcription: i will make no unjust use of what i know he replied with firmness i believe you my lord -2021-09-20 08:39:13.219 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:39:13.224 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: they pointedly drew back from john jago as he approached the empty chair next to me and moved round to the opposite side of the table -Output Transcription: they pointedly drew back from john iago as he approached the empty chair next may and moved around to the opposite side of the table -2021-09-20 08:39:13.230 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.153846 -2021-09-20 08:39:13.233 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i can't play with you like a little boy any more he said slowly that's what you miss marie -Output Transcription: i can't play with you like a little boy any more he said slowly that's what you miss mary -2021-09-20 08:39:13.236 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.052632 -2021-09-20 08:39:13.237 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: a gentle kick from the tall boy in the bench behind urged stephen to ask a difficult question -Output Transcription: a gentle kick from the tall boy in the bench behind urged stephen to ask a difficult question -2021-09-20 08:39:13.237 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:39:13.240 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: but philip is honest and he has talent enough if he will stop scribbling to make his way -Output Transcription: and philip is honest and he asked allien if he will stop scribbling to make his way -2021-09-20 08:39:13.243 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.222222 -2021-09-20 08:39:13.244 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: stephen's heart began slowly to fold and fade with fear like a withering flower -Output Transcription: stephen's heart began slowly to fall and fade with fear like a withering flower -2021-09-20 08:39:13.246 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.071429 -2021-09-20 08:39:13.251 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: then i drank half of the hornful and sent the rest across the fire to the farmer he took it and smiled saying -Output Transcription: then i drank half of the mournful and set the rest to cross the fire to the farmer he took it and smiled saying -2021-09-20 08:39:13.255 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.173913 -2021-09-20 08:39:13.258 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: after early nightfall the yellow lamps would light up here and there the squalid quarter of the brothels -Output Transcription: after early nightfall the yellow lamps would light up here and there the squalid quarter of the profiles -2021-09-20 08:39:13.261 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.055556 -2021-09-20 08:39:13.263 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: every plant in the grass is set formally grows perfectly and may be realized completely -Output Transcription: every plant in the grass is set formally grows perfectly and maybe realized completely -2021-09-20 08:39:13.265 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.133333 -2021-09-20 08:39:13.266 | INFO | deepspeech2x.model:test:372 - Error rate [wer] (1504/?) = 0.075338 -2021-09-20 08:39:15.078 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: it has no beauty whatsoever no specialty of picturesqueness and all its lines are cramped and poor -Output Transcription: it has no beauty whatsoever no specialty of picturesque ness and all its lines are cramped and poor -2021-09-20 08:39:15.081 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.117647 -2021-09-20 08:39:15.082 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: cried alice again for this time the mouse was bristling all over and she felt certain it must be really offended -Output Transcription: cried alice again for this time the mouse was bristling all over and she felt certain it must be really offended -2021-09-20 08:39:15.082 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:39:15.084 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: my lord miss milner's taste is not a depraved one it is but too refined -Output Transcription: my lord miss milner's taste is not a depraved to one it is but too refined -2021-09-20 08:39:15.086 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.066667 -2021-09-20 08:39:15.088 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i did not mean said captain battleax to touch upon public subjects at such a moment as this -Output Transcription: i did not mean said captain battle ax to touch upon public subjects at such a moment as this -2021-09-20 08:39:15.091 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.111111 -2021-09-20 08:39:15.093 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: upon this madame deigned to turn her eyes languishingly towards the comte observing -Output Transcription: upon this madam deign to turn her eyes languishing towards the comet observing -2021-09-20 08:39:15.094 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.307692 -2021-09-20 08:39:15.094 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: but the more forgetfulness had then prevailed the more powerful was the force of remembrance when she awoke -Output Transcription: but the more forgetfulness had then prevailed the more powerful was the force of remembrance when she awoke -2021-09-20 08:39:15.095 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:39:15.095 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: he implores us to be discreet as the grave in this matter for in sooth his life is in the hollow of our hands -Output Transcription: he implores us to be discreet as the grave in this matter for in sooth his life is in the hollow of our hands -2021-09-20 08:39:15.095 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:39:15.098 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: as to his age and also the name of his master jacob's statement varied somewhat from the advertisement -Output Transcription: as to his age and also the night of his master jacob statement varied somewhat from the advertisement -2021-09-20 08:39:15.100 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.111111 -2021-09-20 08:39:15.101 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: he cried in high dudgeon just as if he owned the whole of the peppers and could dispose of them all to suit his fancy -Output Transcription: he cried in high dudgeon just as if he owned the whole of the peppers and could dispose of them all to suit his fancy -2021-09-20 08:39:15.101 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:39:15.101 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: to those duties you have not yet been called and when you are you will be less eager for celebrity -Output Transcription: to those duties you have not yet been called and when you are you will be less eager for celebrity -2021-09-20 08:39:15.101 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:39:15.104 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: on she hurried until sweeping down to the lagoon and the island lo the cotton lay before her -Output Transcription: aunt she hurried until sweeping down to the lagoon and the island lo the cotton lay before her -2021-09-20 08:39:15.106 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.055556 -2021-09-20 08:39:15.107 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: but cresswell added significantly capacity differs enormously between races -Output Transcription: but cresswell added significantly capacity differs enormously between races -2021-09-20 08:39:15.107 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:39:15.109 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: isn't he splendid cried jasper in intense pride swelling up father knew how to do it -Output Transcription: is an splendid cried jasper and intense pride swelling up father knew how to do it -2021-09-20 08:39:15.111 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.187500 -2021-09-20 08:39:15.114 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: to the fervent latter day saint a temple is not simply a church building a house for religious assembly -Output Transcription: to the fervent latterday saint a temple is not simply a church building a house for religious assembly -2021-09-20 08:39:15.117 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.105263 -2021-09-20 08:39:15.120 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: he was soft hearted and impetuous said beth and being in love he didn't stop to count the cost -Output Transcription: he was soft hearted an impetuous said beth and being in love he didn't stop to count the cost -2021-09-20 08:39:15.122 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.052632 -2021-09-20 08:39:15.123 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the chaos in which his ardour extinguished itself was a cold indifferent knowledge of himself -Output Transcription: the chaos in which his ardour extinguished itself was a cold indifferent knowledge of himself -2021-09-20 08:39:15.123 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:39:15.123 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: horse sense a degree of wisdom that keeps one from betting on the races -Output Transcription: horse sense a degree of wisdom that keeps one from betting on the races -2021-09-20 08:39:15.123 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:39:15.126 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: dear me what a chatterbox you're getting to be unc remarked the magician who was pleased with the compliment -Output Transcription: dear me what a chatter box are getting to be an remarked the magician who was pleased with the compliment -2021-09-20 08:39:15.129 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.210526 -2021-09-20 08:39:15.132 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: january and february of eighteen thirty seven had passed away and still there was no reply from southey -Output Transcription: january in february of eighteen thirty seven had passed away and still there was no reply from the solve -2021-09-20 08:39:15.135 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.166667 -2021-09-20 08:39:15.135 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: at that moment the gentleman entered bearing a huge object concealed by a piece of green felt -Output Transcription: at that moment the gentleman entered bearing a huge object concealed by a piece of green felt -2021-09-20 08:39:15.135 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:39:15.137 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: friends said montfichet faintly to the wrestlers bear us escort so far as the sheriff's house -Output Transcription: friends said montrachet faintly to the wrestlers bar us escort so far as the sheriff's house -2021-09-20 08:39:15.139 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.125000 -2021-09-20 08:39:15.140 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the cat growled softly picked up the prize in her jaws and trotted into the bushes to devour it -Output Transcription: the cat growled softly picked up the prize in her jaws and trotted into the bushes to devour it -2021-09-20 08:39:15.140 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:39:15.140 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the awkward thing was that they had practically no other relations and that his own affairs took up all his time -Output Transcription: the awkward thing was that they had practically no other relations and that his own affairs took up all his time -2021-09-20 08:39:15.140 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:39:15.142 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: he continued his pretended search and to give color to his errand made two arrests -Output Transcription: he continued his pretended search and to give colour to his errand made to arrest -2021-09-20 08:39:15.144 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.200000 -2021-09-20 08:39:15.144 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: hay fever a heart trouble caused by falling in love with a grass widow -Output Transcription: hay fever a heart trouble caused by falling in love with a grass widow -2021-09-20 08:39:15.145 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:39:15.149 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: and so on till you get to the end when ophelia might say ah yes or something non committal of that sort -Output Transcription: and so on till you get to the end when pele might say ah yes or something noncommittal of that sort -2021-09-20 08:39:15.153 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.136364 -2021-09-20 08:39:15.153 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: is it not impossible he murmured aloud that any city should disappear so completely -Output Transcription: is it not impossible he murmured aloud that any city should disappear so completely -2021-09-20 08:39:15.154 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:39:15.155 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: as he had promised to protect the hotel the reassured citizens began to laugh at their own fears -Output Transcription: as he had promised to protect the hotel the reassured citizens began to laugh at their own fears -2021-09-20 08:39:15.155 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:39:15.159 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: robin fitzooth saw that his doubts of warrenton had been unfair and he became ashamed of himself for harboring them -Output Transcription: robin fitz oth saw that his doubts of warrenton had been unfair and he became ashamed of himself for harboring them -2021-09-20 08:39:15.162 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.100000 -2021-09-20 08:39:15.164 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: asked phronsie in intense interest slipping down out of polly's arms and crowding up close to jasper's side -Output Transcription: asked prose and intense interest slipping down out of polly's arms and crowding up close to jasper side -2021-09-20 08:39:15.168 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.166667 -2021-09-20 08:39:15.168 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i cannot allow the examination to be held if one of the papers has been tampered with the situation must be faced -Output Transcription: i cannot allow the examination to be held if one of the papers has been tampered with the situation must be faced -2021-09-20 08:39:15.168 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:39:15.170 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: rachel's pale and sharpened features and dilated eye struck her with a painful surprise -Output Transcription: rachel's pale and sharpened features and dilated i struck her with a painful surprise -2021-09-20 08:39:15.172 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.071429 -2021-09-20 08:39:15.173 | INFO | deepspeech2x.model:test:372 - Error rate [wer] (1536/?) = 0.075129 -2021-09-20 08:39:17.191 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: what then a human hand large and shapely appeared distinctly on the surface of the pond -Output Transcription: what then a human hand large and shapely appear distinctly on the surface of the pond -2021-09-20 08:39:17.193 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.062500 -2021-09-20 08:39:17.194 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: captain martin said i shall give you a pistol to help protect yourself if worse comes to worst -Output Transcription: captain martin said i shall give you a pistol to help protect yourself if worse comes to worst -2021-09-20 08:39:17.194 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:39:17.195 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the king stood up and called for that psalm which begins with these words -Output Transcription: the king stood up and called for that psalm which begins with these words -2021-09-20 08:39:17.195 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:39:17.195 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i know gasped polly controlling her sobs i won't only i can't thank you -Output Transcription: i know gasped polly controlling her sobs i won't only i can't thank you -2021-09-20 08:39:17.196 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:39:17.198 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: many laws exist among us which are the counterpart of yours as they were in the olden time -Output Transcription: many laws exist imo this which are the counterpart of yours as they were in the olden time -2021-09-20 08:39:17.201 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.111111 -2021-09-20 08:39:17.203 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the inmates being removed at the appointed hour a few cannon balls were fired through the stone walls -Output Transcription: the inmates being removed at the appointed hour if you cannon balls were fired to the stone walls -2021-09-20 08:39:17.206 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.166667 -2021-09-20 08:39:17.206 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: always irritable cold indifferent he had grown rapidly more so as years went on -Output Transcription: always irritable cold indifferent he had grown rapidly more so as years went on -2021-09-20 08:39:17.206 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:39:17.209 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the air and the earth are curiously mated and intermingled as if the one were the breath of the other -Output Transcription: the air and the earth or curiously mated and intermingled as if the one or the breath of the other -2021-09-20 08:39:17.212 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.100000 -2021-09-20 08:39:17.216 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i like you will you are the second will that i have met and liked within two days is there a sign in that -Output Transcription: i like you will you are the second will that i have met in light within two days is there a sign in that -2021-09-20 08:39:17.221 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.083333 -2021-09-20 08:39:17.221 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the room of the great knife was high and big and around it ran rows of benches for the spectators to sit upon -Output Transcription: the room of the great knife was high and big and around it ran rows of benches for the spectators to sit upon -2021-09-20 08:39:17.221 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:39:17.223 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: no no no totty ud get her feet wet said missus poyser carrying away her iron -Output Transcription: no no no toddy did her feet wet said missus poyser carrying away her iron -2021-09-20 08:39:17.225 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.187500 -2021-09-20 08:39:17.228 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the question is which of the two methods will most effectively reach the persons whose convictions it is desired to affect -Output Transcription: the question is which of the two methods will most effectively reached the persons whose convictions it is desired to effect -2021-09-20 08:39:17.232 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.095238 -2021-09-20 08:39:17.235 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: at the foot of the mountain that separated the country of the munchkins from the country of the gillikins the path divided -Output Transcription: at the foot of the mountain separated the country of the munchkins from the country of the gilligans the path divided -2021-09-20 08:39:17.238 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.090909 -2021-09-20 08:39:17.242 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: she saw that the bed was gilded and so rich that it seemed that of a prince rather than of a private gentleman -Output Transcription: she saw that the bed was gilded and so rich that it seemed that of a prince or rather that of a private gentleman -2021-09-20 08:39:17.246 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.086957 -2021-09-20 08:39:17.250 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: robin and the little tumbler between them tried to force the squire to stand back and very valiantly did these two comport themselves -Output Transcription: robin and the little tumbler between them tried to force the squire to stand back and very valiantly to these two comport themselves -2021-09-20 08:39:17.254 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.043478 -2021-09-20 08:39:17.255 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: but that wise and placid woman understood the sweet rebel a great deal better than ruth understood herself -Output Transcription: but that wise and placid woman understood the sweet rebel a great deal better than ruth understood herself -2021-09-20 08:39:17.255 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:39:17.257 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: many if not all the elements of the pre socratic philosophy are included in the timaeus -Output Transcription: many if not all the elements of the presocratic philosophy are included into timeus -2021-09-20 08:39:17.259 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.312500 -2021-09-20 08:39:17.259 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: why if we erect a station at the falls it is a great economy to get it up to the city -Output Transcription: why if we erect a station at the falls it is a great economy to get it up to the city -2021-09-20 08:39:17.259 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:39:17.259 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: indeed there were only one or two strangers who could be admitted among the sisters without producing the same result -Output Transcription: indeed there were only one or two strangers who could be admitted among the sisters without producing the same result -2021-09-20 08:39:17.260 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:39:17.264 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: he give up his position and shut the family up in that tomb of a house so t he could study his books -Output Transcription: he gave up his position and shut the family up in that tomb of a house so he could study his books -2021-09-20 08:39:17.267 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.086957 -2021-09-20 08:39:17.271 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: nay dear aunt you never heard me say that all people are called to forsake their work and their families -Output Transcription: nay dear and you never heard me say that all people are called to forsake their work and their families -2021-09-20 08:39:17.274 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.050000 -2021-09-20 08:39:17.277 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: two monsters only were creating all this commotion and before my eyes are two reptiles of the primitive world -Output Transcription: two monsters only recreating all this commotion and before my eyes are too ripe holes of the primitive world -2021-09-20 08:39:17.279 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.263158 -2021-09-20 08:39:17.282 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: ruth sat quite still for a time with face intent and flushed it was out now -Output Transcription: ruth sat quite still for a time with face and tent and flushed it was out now -2021-09-20 08:39:17.284 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.125000 -2021-09-20 08:39:17.284 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: were i to comply with your orders without expressing my own opinion i should seem to have done so willingly hereafter -Output Transcription: were i to comply with your orders without expressing my own opinion i should seem to have done so willingly hereafter -2021-09-20 08:39:17.284 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:39:17.289 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the sight of you bartley to see you living and happy and successful can i never make you understand what that means to me -Output Transcription: the sight of you partly to see you living and happy into successful can i never make you understand what that means to me -2021-09-20 08:39:17.293 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.083333 -2021-09-20 08:39:17.294 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i will make you translate them into french and you need not be afraid of my finding you insatiable -Output Transcription: i will make you translate them into french and you need not be afraid of my finding you insatiable -2021-09-20 08:39:17.294 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:39:17.297 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i believe in the training of people to their highest capacity the englishman here heartily seconded him -Output Transcription: i believe in the training of people to their has capacity the englishman here heartily seconded him -2021-09-20 08:39:17.299 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.058824 -2021-09-20 08:39:17.300 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the wharves of brooklyn and every part of new york bordering the east river were crowded with curiosity seekers -Output Transcription: the wharves of brooklyn and every part of new york bordering the east river were crowded with curiosity seekers -2021-09-20 08:39:17.300 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:39:17.304 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: as holmes drew the curtain i was aware from some little rigidity and alertness of his attitude that he was prepared for an emergency -Output Transcription: as holmes drew the curtain i was aware from some little rigidity and an alertness of his attitude that he was prepared for an emergency -2021-09-20 08:39:17.310 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.041667 -2021-09-20 08:39:17.314 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: she was very fond of the young ladies whom she had known when aunt jane was the mistress here and beth was her especial favorite -Output Transcription: she was very fond of the young ladies whom she had known when aunt jane was their mistress here and beth was her special favourite -2021-09-20 08:39:17.320 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.120000 -2021-09-20 08:39:17.322 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: then turning to jane she asked in a somewhat altered tone has she been a good girl jane -Output Transcription: then turning to jane she asked in a somewhat altered tone had she been a good girl jane -2021-09-20 08:39:17.325 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.055556 -2021-09-20 08:39:17.325 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: if this matter is not to become public we must give ourselves certain powers and resolve ourselves into a small private court martial -Output Transcription: if this matter is not to become public we must give ourselves certain powers and resolve ourselves into a small private court martial -2021-09-20 08:39:17.326 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:39:17.326 | INFO | deepspeech2x.model:test:372 - Error rate [wer] (1568/?) = 0.074902 -2021-09-20 08:39:20.634 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: it is such a noble ambition that it is a pity it has usually such a shallow foundation -Output Transcription: it is such a noble ambition that it is a pity it has usually such a shallow foundation -2021-09-20 08:39:20.636 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:39:20.636 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: come come said holmes kindly it is human to err and at least no one can accuse you of being a callous criminal -Output Transcription: come come said holmes kindly it is human to err and at least no one can accuse you of being a callous criminal -2021-09-20 08:39:20.636 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:39:20.638 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: these thoughts agitated me all day and my imagination scarcely calmed down after several hours sleep -Output Transcription: these thoughts agitated me all day in my imagination scarcely calm down after several hours sleeve -2021-09-20 08:39:20.641 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.187500 -2021-09-20 08:39:20.643 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: and what demonstration do you offer asked servadac eagerly that it will not happen -Output Transcription: and what demonstration do you offer asked serac eagerly that it will not happen -2021-09-20 08:39:20.644 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.071429 -2021-09-20 08:39:20.645 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i knew nothing of the doctrine of faith because we were taught sophistry instead of certainty and nobody understood spiritual boasting -Output Transcription: i knew nothing of the doctrine of faith because we were taught sophistry instead of certainty and nobody understood spiritual boasting -2021-09-20 08:39:20.645 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:39:20.648 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: but it is not with a view to distinction that you should cultivate this talent if you consult your own happiness -Output Transcription: but it is not with a view to distinction that you should cultivate this talent if you can set your unhappiness -2021-09-20 08:39:20.652 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.190476 -2021-09-20 08:39:20.655 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: so ghip ghisizzle ordered the captain to take a file of soldiers and escort the raving beauties to their new home -Output Transcription: so hp chasis ordered the captain to take a file of soldiers and escort raving beauties to their new home -2021-09-20 08:39:20.658 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.142857 -2021-09-20 08:39:20.659 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: like the doves voice like transient day like music in the air ah -Output Transcription: like the doves voice like transient day like music in the air ah -2021-09-20 08:39:20.659 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:39:20.665 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the alternative was that someone passing had observed the key in the door had known that i was out and had entered to look at the papers -Output Transcription: they'll turn to was that someone passing had observed the key in the door had known that i was out and had entered to look at the papers -2021-09-20 08:39:20.670 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.111111 -2021-09-20 08:39:20.672 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: saturday august fifteenth the sea unbroken all round no land in sight -Output Transcription: saturday august fifteen the sea and broken all round no land in sight -2021-09-20 08:39:20.673 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.250000 -2021-09-20 08:39:20.673 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the mohican started on his feet and shook his shaggy covering as though the animal he counterfeited was about to make some desperate effort -Output Transcription: the mohican started on his feet and shook his shaggy covering as though the animal he counterfeited was about to make some desperate effort -2021-09-20 08:39:20.674 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:39:20.675 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: find some cresswells there big plantations rated at two hundred and fifty thousand dollars -Output Transcription: five some crust whales there big plantations radiate two hundred and fifty thousand dollars -2021-09-20 08:39:20.677 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.357143 -2021-09-20 08:39:20.677 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: what i mean is that i want you to promise never to see me again no matter how often i come no matter how hard i beg -Output Transcription: what i mean is that i want you to promise never to see me again no matter how often i come no matter how hard i beg -2021-09-20 08:39:20.678 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:39:20.678 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: ten days were consumed in these negotiations but the spirit of vengeance refused to yield -Output Transcription: ten days were consumed in these negotiations but the spirit of vengeance refused to yield -2021-09-20 08:39:20.678 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:39:20.684 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: not only this but on the table i found a small ball of black dough or clay with specks of something which looks like sawdust in it -Output Transcription: not only this but on the table i found a small ball of black doll or clay with specks of something which looks like sawdust and -2021-09-20 08:39:20.689 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.111111 -2021-09-20 08:39:20.692 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: yea his honourable worship is within but he hath a godly minister or two with him and likewise a leech -Output Transcription: yea his honourable worship is within but he hath the godly minister or two with him and likewise a leech -2021-09-20 08:39:20.695 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.050000 -2021-09-20 08:39:20.700 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the john bright is armed with a weapon of great power against which it is impossible that the people of britannula should prevail -Output Transcription: the job right his arm with a weapon of great power against which it is impossible that the people of britain ula should prevail -2021-09-20 08:39:20.704 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.260870 -2021-09-20 08:39:20.704 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the meter continued in general service during eighteen ninety nine and probably up to the close of the century -Output Transcription: the meter continued in general service during eighteen ninety nine and probably up to the close of the century -2021-09-20 08:39:20.704 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:39:20.705 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the door opened again while i was still studying the two brothers without i honestly confess being very favorably impressed by either of them -Output Transcription: the door opened again while i was still studying the two brothers without i honestly confess being very favorably impressed by either of them -2021-09-20 08:39:20.705 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:39:20.707 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: do you know lake oh i really can't tell but he'll soon tire of country life -Output Transcription: do you know like oh i'm really can't tell but he'll soon tire of country life -2021-09-20 08:39:20.709 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.125000 -2021-09-20 08:39:20.712 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: but emil if i understand then all our good times are over we can never do nice things together any more -Output Transcription: but imo if i understand it all or a good times are over we can never do nice things together any more -2021-09-20 08:39:20.716 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.190476 -2021-09-20 08:39:20.719 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: miss de graf said kenneth noticing the boy's face critically as he stood where the light from the passage fell upon it -Output Transcription: mister graft said kenneth noticing the boy's face critically as he stood where the light from the passage fell upon it -2021-09-20 08:39:20.723 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.136364 -2021-09-20 08:39:20.727 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: dear me ejaculated the old gentleman in the utmost amazement and such a time as i've had to get her here too -Output Transcription: dear me ejaculated the old gentleman and the utmost amazement and such a time as i've had to get her here to -2021-09-20 08:39:20.730 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.090909 -2021-09-20 08:39:20.732 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: not gold or silver or paschal lambs or an angel but himself what for -Output Transcription: not gold or silver or patio lamps or an angel but himself what for -2021-09-20 08:39:20.733 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.142857 -2021-09-20 08:39:20.734 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: for like as not they must have thought him a prince when they saw his fine cap -Output Transcription: for like as not they must have thought him a prince when they saw his fine cap -2021-09-20 08:39:20.734 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:39:20.739 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: but they could not have proven a case against lucy if she was innocent and all their threats of arresting her were probably mere bluff -Output Transcription: but they could not have proven a case against lucy if she was innocent and all their threats of arresting her were probably a mere bluff -2021-09-20 08:39:20.744 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.040000 -2021-09-20 08:39:20.744 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: gold is the most common metal in the land of oz and is used for many purposes because it is soft and pliable -Output Transcription: gold is the most common metal in the land of oz and is used for many purposes because it is soft and pliable -2021-09-20 08:39:20.745 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:39:20.748 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: but the memory of their exploits has passed away owing to the lapse of time and the extinction of the actors -Output Transcription: the memory of their exploits have passed away owing to the lapse of time and the extinction of the actors -2021-09-20 08:39:20.751 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.095238 -2021-09-20 08:39:20.756 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i couldn't shiver much bein bound so tight but when i'm loose i mean to have jus one good shiver to relieve my feelin's -Output Transcription: i couldn't shiver much being bound so tight but when i love i mean to have just one good shiver to relieve my feelings -2021-09-20 08:39:20.760 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.208333 -2021-09-20 08:39:20.764 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: it is founded on the acknowledged weakness of those who survive that period of life at which men cease to work -Output Transcription: it is founded on the acknowledged weakness of those who survived that period of life at which men cease to work -2021-09-20 08:39:20.768 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.047619 -2021-09-20 08:39:20.770 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: double nine two three elsinore double nine yes hallo is that you horatio hamlet speaking -Output Transcription: double nine two three elenor double not yes fellow is that you horatio hamlet speaking -2021-09-20 08:39:20.772 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.200000 -2021-09-20 08:39:20.776 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i can distinguish the eye of the ichthyosaurus glowing like a red hot coal and as large as a man's head -Output Transcription: i can distinguish the eye of dioscorus glowing like a red hot o and as large as a man's head -2021-09-20 08:39:20.779 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.142857 -2021-09-20 08:39:20.780 | INFO | deepspeech2x.model:test:372 - Error rate [wer] (1600/?) = 0.075543 -2021-09-20 08:39:23.525 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: in the old badly made play it was frequently necessary for one of the characters to take the audience into his confidence -Output Transcription: in the old badly made plain it was frequently necessary for one of the characters to take the audience into his competence -2021-09-20 08:39:23.529 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.090909 -2021-09-20 08:39:23.533 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i was to be taken away and carried to england or elsewhere or drowned upon the voyage it mattered not which -Output Transcription: i was to be taken away and carry to england or elsewhere or drowned upon the voyage mattered not which -2021-09-20 08:39:23.536 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.095238 -2021-09-20 08:39:23.540 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the delaware dog he said leaning forward and peering through the dim light to catch the expression of the other's features is he afraid -Output Transcription: the delaware dog he said leaning forward and peering through the dim light to catch the expression of the others features is he afraid -2021-09-20 08:39:23.544 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.041667 -2021-09-20 08:39:23.545 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: these women were flattered by the attention of the young lady and had promised to assist in electing mister forbes -Output Transcription: these women were flattered by the attention of the young lady and had promised to assist in electing mister forbes -2021-09-20 08:39:23.545 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:39:23.547 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: for one long moment he paused stupid agape with utter amazement then leaned dizzily against a tree -Output Transcription: for one long moment he paused stupid a gate with utter amazement then leaned dizzily against the tree -2021-09-20 08:39:23.550 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.176471 -2021-09-20 08:39:23.552 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the attendance was unexpectedly large and the girls were delighted foreseeing great success for their fete -Output Transcription: the attendance was unexpectedly large and the girls were delighted for seeing great success for their fight -2021-09-20 08:39:23.555 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.187500 -2021-09-20 08:39:23.559 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: if the prosecution were withdrawn and the case settled with the victim of the forged check then the young man would be allowed his freedom -Output Transcription: if the prosecution were withdrawn and the case settled with the victim of the fore check then the young man would be allowed his freedom -2021-09-20 08:39:23.564 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.040000 -2021-09-20 08:39:23.568 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: he was a fanatic on formality and he only addressed me in the third person to the point where it got tiresome -Output Transcription: he was a fanatic on formality and he only addressed me in the third person to the point where it got higher some -2021-09-20 08:39:23.572 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.090909 -2021-09-20 08:39:23.572 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: when she could not make a rabbit or a bird look real on paper she searched in her father's books for pictures of its bones -Output Transcription: when she could not make a rabbit or a bird look real on paper she searched in her father's books for pictures of its bones -2021-09-20 08:39:23.572 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:39:23.576 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: we look for that reward which eye hath not seen nor ear heard neither hath entered into the heart of man -Output Transcription: we look for that reward which i hath not seen nor ear heard neither hath entered into the heart of man -2021-09-20 08:39:23.579 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.047619 -2021-09-20 08:39:23.579 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: to teach reading means to light the fire every syllable spelled out sparkles -Output Transcription: to teach reading means to light the fire every syllable spelled out sparkles -2021-09-20 08:39:23.579 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:39:23.584 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: they moved thereafter cautiously about the hut groping before and about them to find something to show that warrenton had fulfilled his mission -Output Transcription: they moved thereafter cautiously about the hut groping before and about them to find something to show that the warrant in had fulfilled his mission -2021-09-20 08:39:23.588 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.130435 -2021-09-20 08:39:23.590 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the atmosphere is charged with vapours pervaded with the electricity generated by the evaporation of saline waters -Output Transcription: the atmosphere is charged with vapors pervaded with the electricity generated by the evaporation of sailing waters -2021-09-20 08:39:23.593 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.117647 -2021-09-20 08:39:23.593 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: he summoned half a dozen citizens to join his posse who followed obeyed and assisted him -Output Transcription: he summoned half a dozen citizens to join his posse who followed obeyed and assisted him -2021-09-20 08:39:23.593 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:39:23.593 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: hotel a place where a guest often gives up good dollars for poor quarters -Output Transcription: hotel a place where a guest often gives up good dollars for poor quarters -2021-09-20 08:39:23.594 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:39:23.599 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: but it is on other grounds worth noting that the term waste in the language of everyday life implies deprecation of what is characterized as wasteful -Output Transcription: but it is another grand worth noting that the term waste in the language of everyday life implies deprecation of what is characterized as wasteful -2021-09-20 08:39:23.603 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.115385 -2021-09-20 08:39:23.607 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: in novels the hero has often pushed his meals away untasted but no stage hero would do anything so unnatural as this -Output Transcription: in novels the hero has often pushed his meals away un tasted but no state or would do anything so unnatural as this -2021-09-20 08:39:23.611 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.181818 -2021-09-20 08:39:23.615 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: it is you who are mistaken raoul i have read his distress in his eyes in his every gesture and action the whole day -Output Transcription: it is you were mistaken row i have read his distress in his eyes in his every gesture and action the whole day -2021-09-20 08:39:23.620 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.125000 -2021-09-20 08:39:23.622 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: semon's two books mentioned in an earlier lecture do not touch knowledge memory at all closely -Output Transcription: sermons two books mentioned in an earlier lecture do not touch knowledge memory at all closely -2021-09-20 08:39:23.624 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.062500 -2021-09-20 08:39:23.626 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: hilda watched him from her corner trembling and scarcely breathing dark shadows growing about her eyes it -Output Transcription: hilda watched him from the corner trembling and scarcely breathing dark shadows growing about her eyes it -2021-09-20 08:39:23.628 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.058824 -2021-09-20 08:39:23.633 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: this truth which i have learned from her lips is confirmed by his face in which we have both beheld that of our son -Output Transcription: this truth which i have learned from her lips is confirmed by his face in which we have both be held that of our son -2021-09-20 08:39:23.638 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.083333 -2021-09-20 08:39:23.638 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: there were plenty of people to help but of course the young lady who should go down as governess would be in supreme authority -Output Transcription: there were plenty of people to help but of course the young lady who should go down as governess would be in supreme authority -2021-09-20 08:39:23.638 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:39:23.642 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i swan to man he ejaculated if you don't work hard you can't keep up with the times doctor of laws -Output Transcription: i swaying to men he ejaculated if you don't work hard you can keep up with the times doctor of laws -2021-09-20 08:39:23.645 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.142857 -2021-09-20 08:39:23.645 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: from rubbing shoulders with scientists in our little universe by the botanical gardens the boy had come to know a thing or two -Output Transcription: from rubbing shoulders with scientists in our little universe by the botanical gardens the boy had come to know a thing or two -2021-09-20 08:39:23.646 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:39:23.650 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i had scarcely known what i had been saying or doing up to this time but as he spoke i looked at my hand -Output Transcription: i had scarcely known when i had been saying or doing up to this time by as he spoke i looked at my hand -2021-09-20 08:39:23.655 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.083333 -2021-09-20 08:39:23.658 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: look yonder do you not see the moon slowly rising silvering the topmost branches of the chestnuts and the oaks -Output Transcription: look yonder do you not see the moon slowly rising silvering the topmost branches of the chestnuts and the yolks -2021-09-20 08:39:23.661 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.050000 -2021-09-20 08:39:23.662 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: to bestow peace and grace lies in the province of god who alone can create these blessings the angels cannot -Output Transcription: to bestow peace and grace lies in the province of god who alone can create these blessings the angels cannot -2021-09-20 08:39:23.662 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:39:23.666 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: she a tory and clergyman's daughter was always in a minority of one in our house of violent dissent and radicalism -Output Transcription: she torian clergyman's daughter was always in a minority of one in our house of violent dissent and radicalism -2021-09-20 08:39:23.669 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.142857 -2021-09-20 08:39:23.673 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: by this time the two gentlemen had reached the palings and had got down from their horses it was plain they meant to come in -Output Transcription: by this time the two gentlemen had reached the palins and had got down from their horses it was plain they meant to come in -2021-09-20 08:39:23.678 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.040000 -2021-09-20 08:39:23.679 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: surface dust at least had been removed and the fine old furniture gave a hint of its real elegance and polish -Output Transcription: surface dust at least had been removed and the fine old furniture gave a hint of its real elegance and polish -2021-09-20 08:39:23.679 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:39:23.683 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the revelation of his love lighted and brightened slowly till it flamed like a sunrise over him and left him in burning wonder -Output Transcription: the revelation of his love lighted and brightened slowly till it flamed like a sunrise over him and left him in bruning wonder -2021-09-20 08:39:23.687 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.043478 -2021-09-20 08:39:23.687 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: whatever lord chelford said miss brandon received it very graciously and even with a momentary smile -Output Transcription: whatever lord chelford said miss brandon received it very graciously and even with a momentary smile -2021-09-20 08:39:23.688 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:39:23.689 | INFO | deepspeech2x.model:test:372 - Error rate [wer] (1632/?) = 0.075280 -2021-09-20 08:39:25.885 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: put these playthings all away quick and carefully and we will not let them know any thing about your leaving them out -Output Transcription: but these playthings all away quick and carefully and we will not let them know anything about your leaving them out -2021-09-20 08:39:25.889 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.136364 -2021-09-20 08:39:25.890 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: you seem anxious my uncle i said seeing him continually with his glass to his eye anxious -Output Transcription: you seem anxious my uncle i said seeing him continually with his glass to his eye anxious -2021-09-20 08:39:25.890 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:39:25.890 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i had a name i believe in my young days but i have forgotten it since i have been in service -Output Transcription: i had a name i believe in my young days but i have forgotten it since i have been in service -2021-09-20 08:39:25.890 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:39:25.893 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: their walk continued silent for the greater part neither was quite satisfied with the other but rachel at last said -Output Transcription: the walk continued silent for the greater part neither was quite satisfied with the other but rachel at last said -2021-09-20 08:39:25.896 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.050000 -2021-09-20 08:39:25.897 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: his wife now lies beside him and the white shaft that marks their graves gleams across the wheat fields -Output Transcription: his wife now lies beside him and the white shaft that marks their graves gleams across the wheat fields -2021-09-20 08:39:25.897 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:39:25.902 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: at the sudden sharp sting of it the great bird turned his head and noticed for the first time the fisherman standing on the bank -Output Transcription: at the sudden sharp sting of it the great bird turned his head and noticed for the first time the fishermen standing on the bank -2021-09-20 08:39:25.906 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.040000 -2021-09-20 08:39:25.906 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: he reckoned therefore not only upon ascertaining the extent of the late catastrophe but upon learning its cause -Output Transcription: he reckoned therefore not only upon ascertaining the extent of the late catastrophe but upon learning its cause -2021-09-20 08:39:25.907 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:39:25.910 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: he detested the grasping disposition that would endeavor to take advantage of his evident desire to help young gates -Output Transcription: he detested the grasping despises and that would endeavour to take advantage of his evident desire to help young gates -2021-09-20 08:39:25.913 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.157895 -2021-09-20 08:39:25.917 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: we are losing time and the fact is i have not come all this way to take a little sail upon a pond on a raft -Output Transcription: we are losing time and the fact is i have not come all this way to take a little sale upon a pond on a raft -2021-09-20 08:39:25.922 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.038462 -2021-09-20 08:39:25.926 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: warrenton spoke thus with significance to show robin that he was not to think geoffrey's claims to the estate would be passed by -Output Transcription: warrenton spoke thus with significance to show robin that he was not to think jeffrey's claims to the estate where we passed by -2021-09-20 08:39:25.930 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.130435 -2021-09-20 08:39:25.933 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: it sounded dull it sounded strange and all the more so because of his main condition which was -Output Transcription: it sounded dull that sounded strange and all the more because of his main condition which was -2021-09-20 08:39:25.935 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.111111 -2021-09-20 08:39:25.938 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: in the light of the moon i saw a knife red with blood and my hand too was also discoloured -Output Transcription: in the light of the moon i saw a knife red with blood and my hand too was also discolored -2021-09-20 08:39:25.941 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.050000 -2021-09-20 08:39:25.942 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: jack had been standing in the far corner of the room talking to eva and was now reduced to silence by his praises -Output Transcription: jack had been standing in the far corner of the room talking to eva and was now reduced to silence by his praises -2021-09-20 08:39:25.942 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:39:25.945 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: she was dressed in the regulation costume of the maids at elmhurst a plain black gown with white apron and cap -Output Transcription: she was dressed in the regulation costume of the maids at elmhurst a plain black gown with a white apron and cap -2021-09-20 08:39:25.949 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.047619 -2021-09-20 08:39:25.952 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: plato had not the command of his materials which would have enabled him to produce a perfect work of art -Output Transcription: place had not the command of his materials which would have enabled him to produce a perfect work of art -2021-09-20 08:39:25.955 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.050000 -2021-09-20 08:39:25.962 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: they were upon the verge of an open trap in the far corner of the hut and stuteley had tripped over the edge of the reversed flap mouth of this pit -Output Transcription: they were upon the verge of an open trap in the far corner of the hut and stately had tripped over the edge of the reversed flat mouth of this pit -2021-09-20 08:39:25.969 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.064516 -2021-09-20 08:39:25.969 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: this outward mutability indicated and did not more than fairly express the various properties of her inner life -Output Transcription: this outward mutability indicated and did not more than fairly express the various properties of her inner life -2021-09-20 08:39:25.970 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:39:25.973 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: it is an antipathy an antipathy i cannot get over dear dorcas you may think it a madness but don't blame me -Output Transcription: it is an antipathy and antipathy i cannot get over dear dorcas you may think it a madness but don't blame me -2021-09-20 08:39:25.977 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.045455 -2021-09-20 08:39:25.981 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: you know i have just been telling you how this school of materialism and clay involved itself at last in cloud and fire -Output Transcription: you know i have just been telling you how this school materialism and clay involved itself at last in cloud and fire -2021-09-20 08:39:25.984 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.043478 -2021-09-20 08:39:25.985 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i was hoping that if the paper on which he wrote was thin some trace of it might come through upon this polished surface no i see nothing -Output Transcription: i was hoping that if the paper on which he wrote was thin some trace of it might come through upon this polished surface no i see nothing -2021-09-20 08:39:25.985 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:39:25.985 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: after proceeding a few miles the progress of hawkeye who led the advance became more deliberate and watchful -Output Transcription: after proceeding a few miles the progress of hawkeye who led the advance became more deliberate and watchful -2021-09-20 08:39:25.985 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:39:25.987 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: quick quick then among the high reed grass said montalais stoop athenais you are so tall -Output Transcription: quick quick then among the high reed grass said montanas stoop athena you are so tall -2021-09-20 08:39:25.989 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.125000 -2021-09-20 08:39:25.993 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: its jaw is enormous and according to naturalists it is armed with no less than one hundred and eighty two teeth -Output Transcription: its jaw is enormous and according naturalists is armed with no less than one hundred and eighty two teeth -2021-09-20 08:39:25.996 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.095238 -2021-09-20 08:39:26.000 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: very much of squalor and discomfort will be endured before the last trinket or the last pretense of pecuniary decency is put away -Output Transcription: very much of squalor and discomfort will be endured before the last trinket or the last pretence of pecuniary decency is put away -2021-09-20 08:39:26.003 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.043478 -2021-09-20 08:39:26.008 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the night was spent in packing up and writing letters for philip would not take such an important step without informing his friends -Output Transcription: the night was spent in packing up in writing letters for philip would not take such an important step without informing his friends -2021-09-20 08:39:26.012 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.043478 -2021-09-20 08:39:26.013 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: did not christ himself say i am the way and the truth and the life no man cometh unto the father but by me -Output Transcription: did not christ himself say i am the way and the truth and the life no man cometh unto the father but by me -2021-09-20 08:39:26.013 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:39:26.014 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: oh mademoiselle why have i not a devoted sister or a true friend such as yourself -Output Transcription: oh mademoiselle why have i not a devoted sister or a true friend such as yourself -2021-09-20 08:39:26.014 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:39:26.019 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: what is the tumult and rioting cried out the squire authoritatively and he blew twice on a silver whistle which hung at his belt -Output Transcription: what is the tumult and rioting cried out the squire authoritatively and he blew twice on the silver whistle which hung at his belt -2021-09-20 08:39:26.023 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.041667 -2021-09-20 08:39:26.025 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: nancy's curly chestnut crop shone in the sun and olive's thick black plaits looked blacker by contrast -Output Transcription: nancy's curly chestnut crop shone in the sun and olive thick black plates looked blacker by contrast -2021-09-20 08:39:26.029 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.117647 -2021-09-20 08:39:26.029 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: cried one of the women he took no notice of her he looked at me but as if instead of me he saw what he spoke of -Output Transcription: cried one of the women he took no notice of her he looked at me but as if instead of me he saw what he spoke of -2021-09-20 08:39:26.029 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:39:26.033 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: but suddenly straight and swift as a diving cormorant he shot down into the torrent and disappeared beneath the surface -Output Transcription: but suddenly straight and swift as a dive in comrade he shot down into the torrent and disappeared beneath the surface -2021-09-20 08:39:26.036 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.150000 -2021-09-20 08:39:26.040 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: other circumstances permitting that instinct disposes men to look with favor upon productive efficiency and on whatever is of human use -Output Transcription: are the circumstances permitting that instinct disposes men to look with favor upon productive efficiency and on whatever is of human use -2021-09-20 08:39:26.044 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.095238 -2021-09-20 08:39:26.045 | INFO | deepspeech2x.model:test:372 - Error rate [wer] (1664/?) = 0.074457 -2021-09-20 08:39:30.615 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: his feet were red his long narrow beak with its saw toothed edges and sharp hooked tip was bright red -Output Transcription: his feet were red his long narrow beak with its soul toothed edges and sharp hooked tip was bright red -2021-09-20 08:39:30.619 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.050000 -2021-09-20 08:39:30.622 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the behaviourist who attempts to make psychology a record of behaviour has to trust his memory in making the record -Output Transcription: the behaviors to attempts to make psychology a record of behaviour has to trust his memory and making the record -2021-09-20 08:39:30.625 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.150000 -2021-09-20 08:39:30.631 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: but your power is so superior to any that i can advance as to make us here feel that there is no disgrace in yielding to it -Output Transcription: but your power is so superior to any that i can advance as to make us here feel that there is no disgrace and yielding to it -2021-09-20 08:39:30.636 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.037037 -2021-09-20 08:39:30.637 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: suddenly for the purpose of restoring peace and order spring accompanied by his whole court made his appearance -Output Transcription: suddenly for the purpose of restoring peace and order spring accompanied by his whole court made his appearance -2021-09-20 08:39:30.637 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:39:30.642 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the first of these touches conveyed that the written statement took up the tale at a point after it had in a manner begun -Output Transcription: the first of these touches conveyed that the written statement took up the tale at a point after it had in a manner for gun -2021-09-20 08:39:30.646 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.083333 -2021-09-20 08:39:30.648 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: suddenly the ichthyosaurus and the plesiosaurus disappear below leaving a whirlpool eddying in the water -Output Transcription: suddenly the tears and the plesiosaurs disappear below leaving a warp eddy in the water -2021-09-20 08:39:30.650 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.266667 -2021-09-20 08:39:30.655 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i understand you to say that there are three students who use this stair and are in the habit of passing your door yes there are -Output Transcription: i understand you to say that there are three students to use the star and are in the habit of passing your door yes there are -2021-09-20 08:39:30.661 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.115385 -2021-09-20 08:39:30.661 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: true history being a mixture of all things the true historian mingles in everything -Output Transcription: true history being a mixture of all things the true historian mingles in everything -2021-09-20 08:39:30.662 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:39:30.664 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i love thee with the passion put to use in my old griefs and with my childhood's faith -Output Transcription: i love thee with the passion put to use in my old breeds and with my childhood's faith -2021-09-20 08:39:30.667 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.055556 -2021-09-20 08:39:30.668 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: this would be an easy way of doing it but it would not be the best way for the reason that it is too easy to call attention to itself -Output Transcription: this would be an easy way of doing it but it would not be the best way for the reason that it is too easy to call attention to itself -2021-09-20 08:39:30.668 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:39:30.671 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: of course he reflected she always had that combination of something homely and sensible and something utterly wild and daft -Output Transcription: of course he reflected she always had that combination of something homely insensible and something utterly wild and daft -2021-09-20 08:39:30.674 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.100000 -2021-09-20 08:39:30.678 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the log and the compass therefore were able to be called upon to do the work of the sextant which had become utterly useless -Output Transcription: the log and the compass therefore were able to be called upon to do the work of the extant which had become utterly useless -2021-09-20 08:39:30.683 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.041667 -2021-09-20 08:39:30.687 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: but hawkeye who was too much occupied with his own thoughts to note the movement continued speaking more to himself than to his companion -Output Transcription: but hawkeye who was too much occupied with his own thoughts to note the movement continued speaking more to himself into his companion -2021-09-20 08:39:30.691 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.083333 -2021-09-20 08:39:30.693 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: thus no knowledge as to the past is to be derived from the feeling of familiarity alone -Output Transcription: thus no knowledge as to the past is to be derived from the filling of familiarity alone -2021-09-20 08:39:30.695 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.058824 -2021-09-20 08:39:30.696 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: in short he becomes a prominent figure in london society and if he is not careful somebody will say so -Output Transcription: in short he becomes a prominent figure in london society and if he is not careful somebody will say so -2021-09-20 08:39:30.696 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:39:30.696 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: how much of evil of real accomplished evil had there not occurred to me during the last few days -Output Transcription: how much of evil of real accomplished evil had there not occurred to me during the last few days -2021-09-20 08:39:30.696 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:39:30.699 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: a ring of amethyst i could not wear here plainer to my sight than that first kiss -Output Transcription: a ring of amethyst i could not wear here plainer to my side than that first kiss -2021-09-20 08:39:30.701 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.058824 -2021-09-20 08:39:30.704 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: you ought to know john if i teach negroes i'll scarcely see much of people in my own class -Output Transcription: you ought to know john if i teach negroes all scarcely see much of people in my own class -2021-09-20 08:39:30.707 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.052632 -2021-09-20 08:39:30.712 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: an article may be useful and wasteful both and its utility to the consumer may be made up of use and waste in the most varying proportions -Output Transcription: an article may be useful and wasteful both and it setit to the consumer may be made up of use and waste in the most varying proportions -2021-09-20 08:39:30.718 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.074074 -2021-09-20 08:39:30.718 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: it was simple enough sir if you only had known but with all your cleverness it was impossible that you could know -Output Transcription: it was simple enough sir if you only had known but with all your cleverness it was impossible that you could know -2021-09-20 08:39:30.718 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:39:30.723 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: four or five of the latter only lingered about the door of the prison of uncas wary but close observers of the manner of their captive -Output Transcription: four or five of the latter only lingered about the door of the prison of uncas weary but close observers of the manner of their captive -2021-09-20 08:39:30.728 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.038462 -2021-09-20 08:39:30.730 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: don't you know one about bacon and tallow candles can't you tell any larder stories -Output Transcription: don't you know one about bacon and talca does cant you to any larger stories -2021-09-20 08:39:30.732 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.333333 -2021-09-20 08:39:30.737 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: surely it must be because we are in danger of loving each other too well of losing sight of the creator in idolatry of the creature -Output Transcription: truly it must be because we are in danger of loving each other too well of losing sight of the creator in idolatry of the creature -2021-09-20 08:39:30.742 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.038462 -2021-09-20 08:39:30.742 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: but here he was at a terrible disadvantage as compared with the owls hawks and eagles he had no rending claws -Output Transcription: but here he was at a terrible disadvantage as compared with the owls hawks and eagles he had no rending claws -2021-09-20 08:39:30.743 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:39:30.743 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: he passed through henley saint albans and came so near to london as harrow on the hill -Output Transcription: he passed through henley saint albans and came so near to london as harrow on the hill -2021-09-20 08:39:30.743 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:39:30.748 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: that evening trot gave a grand ball in the palace to which the most important of the pinkies and the blueskins were invited -Output Transcription: that evening to give a grand ball in the palace to which the most important of the pinkies in the blue skins were invited -2021-09-20 08:39:30.752 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.217391 -2021-09-20 08:39:30.752 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: if he to keep one oath must lose one joy by his life's star foretold -Output Transcription: if he to keep one oath must lose one joy by his life's star foretold -2021-09-20 08:39:30.754 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:39:30.754 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: but they have nothing to do with the interpretation of plato and in spirit they are opposed to him -Output Transcription: but they have nothing to do with the interpretation of plato and in spirit they are opposed to him -2021-09-20 08:39:30.754 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:39:30.758 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: at the inception of plural marriage among the latter day saints there was no law national or state against its practise -Output Transcription: at the inception of burl marriage among the latter day saints there was no law national or state against its practice -2021-09-20 08:39:30.761 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.095238 -2021-09-20 08:39:30.764 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: you have received us with all that courtesy and hospitality for which your character in england stands so high -Output Transcription: you have received us with all that courtesy and hospitality for which your character in england stand so high -2021-09-20 08:39:30.767 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.052632 -2021-09-20 08:39:30.771 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: alexander paced up and down the hallway buttoning and unbuttoning his overcoat until she returned and took him up to hilda's living room -Output Transcription: alexander paced up and down the hallway buttoning and unbuttoning his overcoat until she returned and took him up to hill his living room -2021-09-20 08:39:30.776 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.086957 -2021-09-20 08:39:30.780 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: instead of shoes the old man wore boots with turnover tops and his blue coat had wide cuffs of gold braid -Output Transcription: instead of shoes the old man wore boots with turn over tops and his blue coat had wide cuffs of gold braid -2021-09-20 08:39:30.783 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.095238 -2021-09-20 08:39:30.785 | INFO | deepspeech2x.model:test:372 - Error rate [wer] (1696/?) = 0.074183 -2021-09-20 08:39:33.331 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: not a doubt but had your force been only double or treble our own i should have found it my duty to struggle with you -Output Transcription: not a doubt but had your force been only double or trouble our own i should have found it my duty to struggle with you -2021-09-20 08:39:33.336 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.040000 -2021-09-20 08:39:33.336 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: other subtleties occur inside each episode the textures sparkling with wit information and insight -Output Transcription: other subtleties occur inside each episode the textures sparkling with wit information and insight -2021-09-20 08:39:33.337 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:39:33.342 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i greatly mourn that one so well disposed should die in his ignorance and i have sought a goodly hymn can you lead me to him -Output Transcription: i greatly mourned that one so well disposed should die in his ignorance and i have sought a goodly hymn can you lead me to him -2021-09-20 08:39:33.347 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.038462 -2021-09-20 08:39:33.348 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: he planted a company before the hotel and demanded a surrender of the arms belonging to the free state military companies -Output Transcription: he planted a company before the hotel and demanded a surrender of the arms belonging to the free state military companies -2021-09-20 08:39:33.348 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:39:33.351 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: and though i have grown serene and strong since then i think that god has willed a still renewable fear -Output Transcription: and though i have grown serene and strong since then i think that god his will a still renewable fear -2021-09-20 08:39:33.354 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.100000 -2021-09-20 08:39:33.359 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the doctor who attended the injured creature in this case was simply told that she slipped and fell down stairs as she was coming down -Output Transcription: the doctor who attended the ancient creature in this case was simply told that she slipped and fell down the stairs as she was coming down -2021-09-20 08:39:33.364 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.080000 -2021-09-20 08:39:33.366 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: she was therefore most agreeably surprised to hear mister cresswell express himself so cordially as approving of negro education -Output Transcription: she was therefore most agreeably surprised to hear mister criswell express himself so cordially as approving of negro education -2021-09-20 08:39:33.369 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.052632 -2021-09-20 08:39:33.374 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i've managed to save something every year and that with helping my three sisters now and then and tiding poor cousin mike over bad seasons -Output Transcription: i've managed to save something every year and that with helping my three sisters now and then and tiding poor cousin michael bad seasons -2021-09-20 08:39:33.378 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.080000 -2021-09-20 08:39:33.379 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: among other things on which she cast her eyes was a small crucifix of solid silver standing on a cabinet near the window -Output Transcription: among other things on which she cast her eyes was a small crucifix of solid silver standing on a cabinet near the window -2021-09-20 08:39:33.379 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:39:33.383 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: all that i am doing is to use its logical tenability as a help in the analysis of what occurs when we remember -Output Transcription: all that i am doing is to use its logical tunability as a help in the analysis of what occurs when we remember -2021-09-20 08:39:33.387 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.043478 -2021-09-20 08:39:33.387 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: there was a unanimous groan at this and much reproach after which in his preoccupied way he explained -Output Transcription: there was a unanimous groan at this and much reproach after which in his preoccupied way he explained -2021-09-20 08:39:33.388 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:39:33.392 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: it was a pain to see them and a sword like pain to see the signs of adolescence that made repellent their pitiable nakedness -Output Transcription: it was a pain to see them and a sword like paying to see the signs of adolescence that made repellent their pitiable nakedness -2021-09-20 08:39:33.396 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.041667 -2021-09-20 08:39:33.399 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: jack would become eva's happy husband and would remain amidst the hurried duties of the eager world -Output Transcription: jack would become evans happy husband and would remain a mist the hurried duties of the eager world -2021-09-20 08:39:33.401 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.176471 -2021-09-20 08:39:33.401 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: very carefully the magician removed this powder placing it all together in a golden dish where he mixed it with a golden spoon -Output Transcription: very carefully the magician removed this powder placing it all together in a golden dish where he mixed it with a golden spoon -2021-09-20 08:39:33.402 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:39:33.402 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: poor rachel her nature recoiled from deceit and she told at all events as much of the truth as she dared -Output Transcription: poor rachel her nature recoiled from deceit and she told at all events as much of the truth as she dared -2021-09-20 08:39:33.402 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:39:33.407 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: his hat had a peaked crown and a flat brim and around the brim was a row of tiny golden bells that tinkled when he moved -Output Transcription: his hat had a peaked crown in a flat brim and around the brim was a row of tiny golden bells that tinkled when he moved -2021-09-20 08:39:33.412 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.038462 -2021-09-20 08:39:33.415 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: but plato has not the same mastery over his instrument which he exhibits in the phaedrus or symposium -Output Transcription: but plato has not the same mystery over his instrument which he exhibits in the features or symposium -2021-09-20 08:39:33.418 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.111111 -2021-09-20 08:39:33.420 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i would fain know if i am destined for so glorious a career cried the tree rejoicing -Output Transcription: i would fain know if i am destined for so glory as a career cried the tree rejoicing -2021-09-20 08:39:33.423 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.117647 -2021-09-20 08:39:33.428 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: one of the sailors led me to the afterdeck where i stood in the presence of a smart looking officer who extended his hand to me -Output Transcription: one of the sailors led me to the after deck where i stood in the presence of a smart looking officer who extended his hand to me -2021-09-20 08:39:33.433 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.076923 -2021-09-20 08:39:33.434 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: he spoke french perfectly i have been told when need was but delighted usually in talking the broadest yorkshire -Output Transcription: he spoke french perfectly i have been told when need was but delighted usually in talking the broadest yorkshire -2021-09-20 08:39:33.434 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:39:33.440 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i've got a little idea for a play about a man and a woman and another woman and but perhaps i'd better keep the plot a secret for the moment -Output Transcription: i've got a little idea for a play about a man and a woman and another woman and but perhaps had better get up on a secret for the moment -2021-09-20 08:39:33.447 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.133333 -2021-09-20 08:39:33.449 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: mussulmans and giaours throw kerchiefs at a smile and have no ruth for any weeping -Output Transcription: mussulman and gears through kerchiefs and a smile and have no ruth for any weeping -2021-09-20 08:39:33.451 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.266667 -2021-09-20 08:39:33.455 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: but as we descend the social scale the point is presently reached where the duties of vicarious leisure and consumption devolve upon the wife alone -Output Transcription: but as we descend the social scale the point is presently reached where the duties of icarus leisure and consumption devolve upon the wife alone -2021-09-20 08:39:33.460 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.040000 -2021-09-20 08:39:33.463 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: this reality begins to explain the dark power and otherworldly fascination of twenty thousand leagues under the seas -Output Transcription: this reality begins to explain the dark power and other worldly fascination of twenty thousand leagues under the seas -2021-09-20 08:39:33.465 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.111111 -2021-09-20 08:39:33.471 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: uncas who had already approached the door in readiness to lead the way now recoiled and placed himself once more in the bottom of the lodge -Output Transcription: uncas who had already approached the door and readiness to lead the way now recoiled and placed himself once more in the bottom of the lodge -2021-09-20 08:39:33.475 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.038462 -2021-09-20 08:39:33.478 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the genealogies which you have recited to us out of your own annals solon are a mere children's story -Output Transcription: the genealogies which we have recited to us out of your own annual sullen are a mere children's story -2021-09-20 08:39:33.481 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.157895 -2021-09-20 08:39:33.485 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i will briefly describe them to you and you shall read the account of them at your leisure in the sacred registers -Output Transcription: i will briefly describe them to you and i shall read the account of them at your leisure in the secret registers -2021-09-20 08:39:33.489 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.090909 -2021-09-20 08:39:33.493 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the wearers of uniforms and liveries may be roughly divided into two classes the free and the servile or the noble and the ignoble -Output Transcription: the wearers of uniforms in liveries may be roughly divided into two classes the free and the servile or the noble and the ignoble -2021-09-20 08:39:33.497 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.041667 -2021-09-20 08:39:33.502 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: mainhall vouched for her constancy with a loftiness that made alexander smile even while a kind of rapid excitement was tingling through him -Output Transcription: may hold out for her constancy with a loftiness that made alexander smile even while a kind of rapid excitement was tingling through him -2021-09-20 08:39:33.506 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.130435 -2021-09-20 08:39:33.507 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the retreat will begin on wednesday afternoon in honour of saint francis xavier whose feast day is saturday -Output Transcription: the retreat will begin on wednesday afternoon in honour of saint francis xavier whose feast day is saturday -2021-09-20 08:39:33.507 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:39:33.510 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the style and plan of the timaeus differ greatly from that of any other of the platonic dialogues -Output Transcription: the style and plan of the times differ greatly from that of any other of the platonic dialogues -2021-09-20 08:39:33.512 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.055556 -2021-09-20 08:39:33.515 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: but in egypt the traditions of our own and other lands are by us registered for ever in our temples -Output Transcription: but in egypt the traditions of our own and other lands are by us registered forever in our temples -2021-09-20 08:39:33.518 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.100000 -2021-09-20 08:39:33.519 | INFO | deepspeech2x.model:test:372 - Error rate [wer] (1728/?) = 0.073901 -2021-09-20 08:39:35.917 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: she sat down in a rocking chair and clasping her hands in her lap rocked slowly back and forth i'm sorry said beth -Output Transcription: she sat down in a rocking chair and clasping her hands in her lap rocked slowly back and forth i'm sorry said beth -2021-09-20 08:39:35.918 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:39:35.918 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: notwithstanding the high resolution of hawkeye he fully comprehended all the difficulties and danger he was about to incur -Output Transcription: notwithstanding the high resolution of hawkeye he fully comprehended all the difficulties and danger he was about to incur -2021-09-20 08:39:35.918 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:39:35.919 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: when bartley arrived at bedford square on sunday evening marie the pretty little french girl met him at the door and conducted him upstairs -Output Transcription: when bartley arrived at bedford square on sunday evening marie the pretty little french girl met him at the door and conducted him upstairs -2021-09-20 08:39:35.919 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:39:35.919 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: he stood a little behind her and tried to steady himself as he said it's soft and misty see how white the stars are -Output Transcription: he stood a little behind her and tried to steady himself as he said it's soft and misty see how white the stars are -2021-09-20 08:39:35.919 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:39:35.920 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: if we had retained the subject or act in knowledge the whole problem of memory would have been comparatively simple -Output Transcription: if we had retained the subject or act in knowledge the whole problem of memory would have been comparatively simple -2021-09-20 08:39:35.920 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:39:35.923 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: mother carey poured coffee nancy chocolate and the others helped serve the sandwiches and cake doughnuts and tarts -Output Transcription: mother carry board coffee nancy chocolate and the others help serve the sandwiches and cake donuts ome tarts -2021-09-20 08:39:35.925 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.277778 -2021-09-20 08:39:35.926 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i have come to your shores mister president with the purpose of seeing how things are progressing in this distant quarter of the world -Output Transcription: i have come to your shores mister president with the purpose of seeing how things are progressing in this distant quarter of the world -2021-09-20 08:39:35.926 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:39:35.932 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: they set up a crane over the fire and hung the pot upon it and we sat and watched it boil while we joked at last the supper began -Output Transcription: they set up a crane over the fire and hung upon upon it and we sat and watched the oil while we joked at last the supper began -2021-09-20 08:39:35.938 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.137931 -2021-09-20 08:39:35.945 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: mistress fitzooth had been carried off by the sheriff's daughter and her maids as soon as they had entered the house so that robin alone had the care of montfichet -Output Transcription: mistress the tooth had been carried off by the sheriff's daughter in her maids as soon as they had entered the house so that robin alone had the care of montrachet -2021-09-20 08:39:35.951 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.133333 -2021-09-20 08:39:35.955 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: to do so is to lose god altogether because god becomes intolerable when we seek to measure and to comprehend his infinite majesty -Output Transcription: to do so is to lose god altogether because god becomes intolerable when we seek to measure to comprehend his infinite majesty -2021-09-20 08:39:35.959 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.043478 -2021-09-20 08:39:35.962 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: nothing can exceed the beauty or art of the introduction in which he is using words after his accustomed manner -Output Transcription: nothing can exceed the beauty or are dating production in which is using words after his accustomed manner -2021-09-20 08:39:35.964 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.250000 -2021-09-20 08:39:35.965 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the eyes of the whole party followed the unexpected movement and read their success in the air of triumph that the youth assumed -Output Transcription: the eyes of the whole party followed the unexpected movement and read their success in the air of triumph that the youth assumed -2021-09-20 08:39:35.965 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:39:35.972 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: if you are not then knocked on the head your being a non composser will protect you and you'll then have a good reason to expect to die in your bed -Output Transcription: if you are not there knocked on the head your being a non composter will protect you and you'll then have a good reason to expect to die in your bed -2021-09-20 08:39:35.979 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.064516 -2021-09-20 08:39:35.983 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: a fresh wholesome looking boy was tom gates with steady gray eyes an intelligent forehead but a sensitive rather weak mouth -Output Transcription: a fresh wholesome looking boy who tom gates with steady gray eyes and intelligent forehead but a sensitive rather weak mouth -2021-09-20 08:39:35.986 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.095238 -2021-09-20 08:39:35.989 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: my bed was unexceptionably comfortable but in my then mood i could have wished it a great deal more modern -Output Transcription: my bed was unexceptionally comfortable but in my den mod i could have wished it a great deal more modern -2021-09-20 08:39:35.992 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.150000 -2021-09-20 08:39:35.995 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: of this party edward a boy of seventeen called forth much sympathy he too was claimed by hollan -Output Transcription: of this party edward a boy of seventeen cosworth much sympathy he too was claimed by holland -2021-09-20 08:39:35.997 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.166667 -2021-09-20 08:39:36.002 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: if ever he was impelled to cast sin from him and to repent the impulse that moved him was the wish to be her knight -Output Transcription: if ever he was impelled to cast in from him and to repent the impulse that moved him was the wish to be her night -2021-09-20 08:39:36.006 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.080000 -2021-09-20 08:39:36.010 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i opened a line of credit sufficient to cover the babirusa and conseil at my heels i jumped into a carriage -Output Transcription: i opened a line of credit sufficient to cover the barbarossa and conseil at my heels i jumped into a carriage -2021-09-20 08:39:36.013 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.047619 -2021-09-20 08:39:36.013 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: he selected a small gold bottle with a pepper box top so that the powder might be sprinkled on any object through the small holes -Output Transcription: he selected a small gold bottle with a pepper box top so that the powder might be sprinkled on any object through the small holes -2021-09-20 08:39:36.013 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:39:36.016 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: atchison who had been haranguing the mob planted his two guns before the building and trained them upon it -Output Transcription: again who had been haranguing the mob planted his two guns before the building and trained them upon it -2021-09-20 08:39:36.019 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.052632 -2021-09-20 08:39:36.022 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: but the affair was magnified as a crowning proof that the free state men were insurrectionists and outlaws -Output Transcription: but the affair was magnified as a crowning proof that the free state men were insurrectionist and outlaws -2021-09-20 08:39:36.024 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.055556 -2021-09-20 08:39:36.027 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: there may be a specific feeling which could be called the feeling of pastness especially where immediate memory is concerned -Output Transcription: there may be a specific filling which could be called the filling of past ness especially where immediate memory is concerned -2021-09-20 08:39:36.031 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.200000 -2021-09-20 08:39:36.033 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: and the gardener's boy chopped the tree into small pieces there was a whole heap lying there -Output Transcription: in the gardener's boy chopped the tree into small pieces there was a whole heap lying there -2021-09-20 08:39:36.035 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.058824 -2021-09-20 08:39:36.035 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i come now to the other characteristic which memory images must have in order to account for our knowledge of the past -Output Transcription: i come now to the other characteristic which memory images must have in order to account for our knowledge of the past -2021-09-20 08:39:36.036 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:39:36.041 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the result is a great mobility of the labor employed in printing perhaps greater than in any other equally well defined and considerable body of workmen -Output Transcription: the result is a great ability of the labour employed in printing perhaps greater than in any other equally well defined and considerable body of workmen -2021-09-20 08:39:36.046 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.076923 -2021-09-20 08:39:36.051 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: taking advantage of this the squire's few men redoubled their efforts and encouraged by robin's and the little stroller's cries fought their way to him -Output Transcription: taking advantage of this the squire's few men redoubled their efforts and encourage by robins and the little strollers cries fought their way to him -2021-09-20 08:39:36.056 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.120000 -2021-09-20 08:39:36.059 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: she was not herself a notably intelligent woman she greatly admired intelligence or whatever looked to her like intelligence in others -Output Transcription: she was not herself notably intelligent woman she greatly admired intelligence or whatever look at her like intelligence and others -2021-09-20 08:39:36.063 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.190476 -2021-09-20 08:39:36.065 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: he weighed and reweighed the meter plates and pursued every line of investigation imaginable but all in vain -Output Transcription: he weighed and reward the meter plates and pursued every line of investigation imaginable but all in vain -2021-09-20 08:39:36.068 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.055556 -2021-09-20 08:39:36.070 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: in both these high mythical subjects the surrounding nature though suffering is still dignified and beautiful -Output Transcription: in both these high mythical subjects the surrounding nature the suffering is still dignified and beautiful -2021-09-20 08:39:36.072 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.062500 -2021-09-20 08:39:36.073 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: he had no occasion to delay for at the next instant a burst of cries filled the outer air and ran along the whole extent of the village -Output Transcription: he had no occasion to delay for at the next instant a burst of cries filled the outer air and ran along the whole extent of the village -2021-09-20 08:39:36.073 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:39:36.079 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: he has given them with too much grace not to have others still to give if they are required which is the case at the present moment -Output Transcription: he has given them with too much grace not to have others still to give if they are required which as the case at the present moment -2021-09-20 08:39:36.085 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.037037 -2021-09-20 08:39:36.085 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: no harm would have been done had it not been that as he passed your door he perceived the key which had been left by the carelessness of your servant -Output Transcription: no harm would have been done had it not been that as he passed your door he perceived the key which had been left by the carelessness of your servant -2021-09-20 08:39:36.086 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:39:36.087 | INFO | deepspeech2x.model:test:372 - Error rate [wer] (1760/?) = 0.073784 -2021-09-20 08:39:41.112 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: and there's linen in the house as i could well spare you for i've got lots o sheeting and table clothing and towelling as isn't made up -Output Transcription: and there's linen in the house as i could well spare you for i got lots a sheeting and table clothing and toweling isn't made up -2021-09-20 08:39:41.118 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.148148 -2021-09-20 08:39:41.122 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: a moment before the ghost of the ancient kingdom of the danes had looked forth through the vesture of the hazewrapped city -Output Transcription: a moment before the ghost of the ancient kingdom of the danes had looked forth through the vesture of the hate rap city -2021-09-20 08:39:41.127 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.090909 -2021-09-20 08:39:41.130 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: stung by anxiety for this little sister she upbraided miss w for her fancied indifference to anne's state of health -Output Transcription: stung by anxiety for his little sister she upbraided miss w for her fancied indifference to and state of health -2021-09-20 08:39:41.133 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.100000 -2021-09-20 08:39:41.138 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: and he went back to his books and to his waiting for an opening large enough for his dignified entrance into the literary world -Output Transcription: and he went back to his books and to his waiting for an opening large enough for a dignified entrance into the literary world -2021-09-20 08:39:41.143 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.041667 -2021-09-20 08:39:41.144 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: so you will be a good girl i know and not make any trouble but will stay at home contentedly won't you -Output Transcription: so you will be a good girl i know and not make any trouble but will stay at home contentedly won't you -2021-09-20 08:39:41.144 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:39:41.147 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: on huge silver platters were pyramids of tarts and cakes and red wine sparkled in glittering decanters -Output Transcription: on huge silver platters were pyramids of tarts and cakes and red wine sparkled and glittering decanters -2021-09-20 08:39:41.149 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.058824 -2021-09-20 08:39:41.153 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i wouldn't mind a cup o coffee myself said cap'n bill i've had consid'ble exercise this mornin and i'm all ready for breakfas -Output Transcription: i wouldn't mind the clone myself said campbell i have had considerable exercise is marlena i'm all ready for breakfast -2021-09-20 08:39:41.157 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.521739 -2021-09-20 08:39:41.161 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: but the windows are patched with wooden panes and the door i think is like the gate it is never opened -Output Transcription: but the windows are patched with wooden tains and the door i think is like the gate it is never opened -2021-09-20 08:39:41.165 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.047619 -2021-09-20 08:39:41.167 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: rodolfo arrived at his own house without any impediment and leocadia's parents reached theirs heart broken and despairing -Output Transcription: rudolph arrived at his own house without any impediment a leucadia parents reached their heart broken and despairing -2021-09-20 08:39:41.170 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.222222 -2021-09-20 08:39:41.171 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: they must have some characteristic which makes us regard them as referring to more or less remote portions of the past -Output Transcription: they must have some characteristic which makes us regard them as referring to more or less remote portions of the past -2021-09-20 08:39:41.171 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:39:41.174 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: and yet you must own her behaviour has warranted them has it not been in this particular incoherent and unaccountable -Output Transcription: and yet you must own her behavior has worn to them has it not been in this particular incoherent and unaccountable -2021-09-20 08:39:41.178 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.150000 -2021-09-20 08:39:41.182 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the arians took christ for a noble and perfect creature superior even to the angels because by him god created heaven and earth -Output Transcription: the arians took chris for a noble and perfect creatures superior even to the angels because by him god created heaven and earth -2021-09-20 08:39:41.186 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.086957 -2021-09-20 08:39:41.190 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: he well knew the perils of the frontier the savage state of society the lurking indians and the dangers of fever -Output Transcription: he well knew the perils of the frontier the savage state of society lurking indians and the dangers of fever -2021-09-20 08:39:41.193 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.047619 -2021-09-20 08:39:41.198 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: his troubled blue eyes glanced at each of us and finally rested with an expression of blank dismay upon bannister in the farther corner -Output Transcription: his troubled blue eyes glanced at each of us and finally rested with an expression of blank dismay upon banister in the farther corner -2021-09-20 08:39:41.202 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.041667 -2021-09-20 08:39:41.206 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the undertaking which seemed so attractive when viewed as a literary task proved a most difficult one and at times became oppressive -Output Transcription: the undertaking which seemed so attractive when viewed as a literary task proved the most difficult one and at times became oppressive -2021-09-20 08:39:41.210 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.045455 -2021-09-20 08:39:41.214 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: to say nothing said montalais so that when mademoiselle de tonnay charente thinks athenais is the only one who knows it -Output Transcription: to say nothing said mont alais so that when mademoiselle de tension thanks athena is the only one who knows it -2021-09-20 08:39:41.217 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.285714 -2021-09-20 08:39:41.222 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: she had been born within its borders within its borders she had lived and grown and within its borders she had met her love -Output Transcription: she had been born within its borders within his borders she had lived and groan and within its border she had met her love -2021-09-20 08:39:41.226 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.125000 -2021-09-20 08:39:41.227 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: to diminish the number of the shady to augment the number of the luminous that is the object -Output Transcription: to diminish the number of the shady to augment the number of the luminous that is the object -2021-09-20 08:39:41.227 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:39:41.227 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: and says thou mother of my children i have loved thee and i have given thee a crown that none can take away -Output Transcription: and says thou mother of my children i have loved thee and i have given thee a crown that none can take away -2021-09-20 08:39:41.227 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:39:41.228 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: then there were three or four leading men of the community with their wives who were for the most part the fathers and mothers of the young ladies -Output Transcription: then there were three or four leading men of the community with their wives who were for the most part the fathers and mothers of the young ladies -2021-09-20 08:39:41.228 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:39:41.228 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: and gentle sleep the sleep of death and gently hear the voice of him that walketh in the garden in the evening time -Output Transcription: and gentle sleep the sleep of death and gently hear the voice of him that walketh in the garden in the evening time -2021-09-20 08:39:41.229 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:39:41.233 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: he wore blue silk stockings blue knee pants with gold buckles a blue ruffled waist and a jacket of bright blue braided with gold -Output Transcription: he wore blue silk stockings bloomy pants with gold buckles a blue ruffled waist and a jacket of bright blue braided with gold -2021-09-20 08:39:41.237 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.083333 -2021-09-20 08:39:41.238 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: this sentence also defines our sins as great so great in fact that the whole world could not make amends for a single sin -Output Transcription: this sentence also defines our sins as great so great in fact that the whole world could not make amends for a single sin -2021-09-20 08:39:41.238 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:39:41.240 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: goobers don't grow on the tops of vines but underground on the roots like yams is that so -Output Transcription: good was dull grow on the tops basedon the ground on the roads liams is that so -2021-09-20 08:39:41.243 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.555556 -2021-09-20 08:39:41.250 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: my remark pleases him but i soon prove to him that it is not the right way to speak however perfect may have been the language of that ancient writer -Output Transcription: my remark pleases him but i soon proved to him that it is not the right way to speak however perfect may have been the language of that ancient writer -2021-09-20 08:39:41.258 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.033333 -2021-09-20 08:39:41.263 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the last drop fly as luck would have it caught just in the corner of the hawk's angrily open beak hooking itself firmly -Output Transcription: the last drop fly as luck would have it caught just in the corner of the hocks angrily open beak hooking itself firmly -2021-09-20 08:39:41.267 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.043478 -2021-09-20 08:39:41.267 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: she screamed and shouted too with a terrific volume of sound which doubtless caused the hearts of the fugitives to quake within them -Output Transcription: she screamed and shouted too with a terrific volume of sound which doubtless caused the hearts of the fugitives to quake within them -2021-09-20 08:39:41.268 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:39:41.271 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: doubts now arose and some discussion followed whether or not it was desirable for ben zoof to accompany his master -Output Transcription: doubts now arose and some discussion followed whether or not it was desirable for bend of to accompany his master -2021-09-20 08:39:41.275 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.100000 -2021-09-20 08:39:41.277 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the wood flamed up splendidly under the large brewing copper and it sighed so deeply -Output Transcription: the wood flamed up splendidly under the large brewing copper and its side so deeply -2021-09-20 08:39:41.279 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.133333 -2021-09-20 08:39:41.282 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: there is no danger of the modern commentators on the timaeus falling into the absurdities of the neo platonists -Output Transcription: there is no danger of the modern common teachers of the times falling into the absurdities of the neoplatonists -2021-09-20 08:39:41.286 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.315789 -2021-09-20 08:39:41.290 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: and it is made of mother's best yarn and she knitted it herself and everybody wants to get it away from me -Output Transcription: and it is made of mother's best yarn and she knitted herself and everybody wants to get it away from me -2021-09-20 08:39:41.293 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.045455 -2021-09-20 08:39:41.297 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: uncas occupied a distant corner in a reclining attitude being rigidly bound both hands and feet by strong and painful withes -Output Transcription: angus occupied a distant corner in a reclining attitude being rigidly bound both hands and feet by strong and painful widths -2021-09-20 08:39:41.301 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.095238 -2021-09-20 08:39:41.302 | INFO | deepspeech2x.model:test:372 - Error rate [wer] (1792/?) = 0.074629 -2021-09-20 08:39:43.645 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: and often has my mother said while on her lap i laid my head she feared for time i was not made but for eternity -Output Transcription: and often has my mother said while on her lap i laid my head she feared for time i was not made but for eternity -2021-09-20 08:39:43.646 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:39:43.649 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: she's wonderful more wonderful than anybody we've ever seen anywhere and she draws better than the teacher in charlestown -Output Transcription: she is wonderful more wonderful in anybody we've ever seen anywhere and she draws better than the teacher in charlestown -2021-09-20 08:39:43.652 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.157895 -2021-09-20 08:39:43.653 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: and then he told all about his youth and the little mice had never heard the like before and they listened and said -Output Transcription: and then he told all about his youth and the little mice had never heard the like before and they listened and said -2021-09-20 08:39:43.653 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:39:43.653 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: to be or not to be that is the question whether tis nobler in the mind to suffer the slings and arrows what no hamlet speaking -Output Transcription: to be or not to be that is the question whether tis nobler in the mind to suffer the slings and arrows what no hamlet speaking -2021-09-20 08:39:43.653 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:39:43.658 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: he splashed and stamped along farther and farther onward until he neared the rampart of the clearing and put foot upon the tree bridge -Output Transcription: he splashed the snapped along farther and farther onward until he neared the rampart of the clearing and put foot upon the three bridge -2021-09-20 08:39:43.662 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.125000 -2021-09-20 08:39:43.666 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: have your will child if the boy also wills it montfichet answered feeling too ill to oppose anything very strongly just then -Output Transcription: have your will child if the boy also will sitin might be she answered feeling too ill to oppose anything very strongly just then -2021-09-20 08:39:43.670 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.227273 -2021-09-20 08:39:43.672 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the influence with the timaeus has exercised upon posterity is due partly to a misunderstanding -Output Transcription: the influence which the times has exercised upon posterity is due partly to a misunderstanding -2021-09-20 08:39:43.674 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.133333 -2021-09-20 08:39:43.674 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: it is evident therefore that the present trend of the development is in the direction of heightening the utility of conspicuous consumption as compared with leisure -Output Transcription: it is evident therefore that the present trend of the development is in the direction of heightening the utility of conspicuous consumption as compared with leisure -2021-09-20 08:39:43.674 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:39:43.678 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: now that's impossible radie for i really don't think i once thought of him all this evening except just while we were talking -Output Transcription: now that's impossible ready for i really don't think i once thought of him all this evening except just while we were talking -2021-09-20 08:39:43.682 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.043478 -2021-09-20 08:39:43.686 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: forgetting all their weariness they seized their candles and scurried through the house finding an occasional paper tucked away in some odd corner -Output Transcription: forgetting all their weariness they seize their candles and stare through the house finding on occasional paper tucked away in some our corner -2021-09-20 08:39:43.690 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.173913 -2021-09-20 08:39:43.691 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: it must be owned and no one was more ready to confess it than himself that his literary attainments were by no means of a high order -Output Transcription: it must be owned and no one was more ready to confess it than himself that his literary attainments were by no means of a high order -2021-09-20 08:39:43.691 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:39:43.691 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: but first i will tell you that for many years i have longed for a servant to help me with the housework and to cook the meals and wash the dishes -Output Transcription: but first i will tell you that for many years i have longed for a servant to help me with the housework and to cook the meals and wash the dishes -2021-09-20 08:39:43.692 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:39:43.692 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: forthwith all ran to the opening of the tent to see what might be amiss but master will who peeped out first needed no more than one glance -Output Transcription: forthwith all ran to the opening of the tent to see what might be amiss but master will who peeped out first needed no more than one glance -2021-09-20 08:39:43.692 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:39:43.696 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: her feeble health gave her her yielding manner for she could never oppose any one without gathering up all her strength for the struggle -Output Transcription: her feeble health give her her yielding manner for she could never oppose anyone without gathering up all her strength for the struggle -2021-09-20 08:39:43.700 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.125000 -2021-09-20 08:39:43.703 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: that summer's emigration however being mainly from the free states greatly changed the relative strength of the two parties -Output Transcription: that somers emigration however being mainly from the free states greatly changed the relative strength of the two parties -2021-09-20 08:39:43.706 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.052632 -2021-09-20 08:39:43.710 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: to night there was no need of extra heat and there were great ceremonies to be observed in lighting the fires on the hearthstones -Output Transcription: to night there was no need of extra heat and there were great ceremonies to be observed in lighting the fires on the hearth stones -2021-09-20 08:39:43.715 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.083333 -2021-09-20 08:39:43.718 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: how cheerfully he seems to grin how neatly spread his claws and welcome little fishes in with gently smiling jaws -Output Transcription: how cheerfully he seems to grin how neatly spreads his claws and welcomes little fishes in with gently smiling jaws -2021-09-20 08:39:43.721 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.100000 -2021-09-20 08:39:43.721 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i address him in italian and he answers very wittily but his way of speaking makes me smile and i tell him why -Output Transcription: i address him in italian and he answers very wittily but his way of speaking makes me smile and i tell him why -2021-09-20 08:39:43.722 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:39:43.727 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the wearing of uniforms or liveries implies a considerable degree of dependence and may even be said to be a mark of servitude real or ostensible -Output Transcription: the wearing of uniforms a liveries implies a considerable degree of dependence and may even be said to be a mark of servitude real or ostensible -2021-09-20 08:39:43.732 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.038462 -2021-09-20 08:39:43.732 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: never did he object to buckling up his suitcase for any country whatever china or the congo no matter how far off it was -Output Transcription: never did he object to buckling up his suitcase for any country whatever china or the congo no matter how far off it was -2021-09-20 08:39:43.732 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:39:43.733 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: it presents like no other of luther's writings the central thought of christianity the justification of the sinner for the sake of christ's merits alone -Output Transcription: it presents like no other of luther's writings the central thought of christianity the justification of the sinner for the sake of christ's merits alone -2021-09-20 08:39:43.733 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:39:43.734 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: but in the rest of the work the power of language seems to fail him and the dramatic form is wholly given up -Output Transcription: but in the rest of the work the power of language seems to fail him and the dramatic form is wholly given up -2021-09-20 08:39:43.734 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:39:43.734 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: rich jewels of blue stones glittered upon their persons and the royal ladies were fully as gorgeous as they were haughty and overbearing -Output Transcription: rich jewels of blue stones glittered upon their persons and the royal ladies were fully as gorgeous as they were haughty and overbearing -2021-09-20 08:39:43.735 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:39:43.739 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: oh my lord cried miss woodley with a most forcible accent you are the last person on earth she would pardon me for entrusting -Output Transcription: oh my lord cried miss woodley with a most forcible axe you are the last person on earth she would pardon me for interesting -2021-09-20 08:39:43.744 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.083333 -2021-09-20 08:39:43.747 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: under the tabu certain victuals and more particularly certain beverages are strictly reserved for the use of the superior class -Output Transcription: under the taboo certain victuals and morethe clearly certain beverages are strictly reserved for the use of the superior class -2021-09-20 08:39:43.750 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.150000 -2021-09-20 08:39:43.753 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: yes something everything said rachel hurriedly looking frowningly at a flower which she was twirling in her fingers -Output Transcription: yes something everything said rachel hurriedly looking frowning at a flower which she was twirling in her fingers -2021-09-20 08:39:43.756 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.055556 -2021-09-20 08:39:43.756 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: it is my heart hung in the sky and no clouds ever float between the grave flowers and my heart on high -Output Transcription: it is my heart hung in the sky and no clouds ever float between the grave flowers and my heart on high -2021-09-20 08:39:43.757 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:39:43.757 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: for a few miles she followed the line hitherto presumably occupied by the coast of algeria but no land appeared to the south -Output Transcription: for a few miles she followed the line hitherto presumably occupied by the coast of algeria but no land appeared to the south -2021-09-20 08:39:43.757 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:39:43.762 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: will cried he softly and stuteley who had chosen his couch across the door of his young master's chamber sprang up at once in answer -Output Transcription: will cried he softly and studley who had chosen his count across the door of his young master's chamber sprang up at once in answer -2021-09-20 08:39:43.767 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.080000 -2021-09-20 08:39:43.771 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: so many of them however as make up the retainer and hangers on of the patron may be classed as vicarious consumer without qualification -Output Transcription: so many of them however as make up the retainer and hangerson of the patron may be cast as vicarious consumer without qualification -2021-09-20 08:39:43.776 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.125000 -2021-09-20 08:39:43.779 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: under ordinary conditions reynolds was sure to be elected but the committee proposed to sacrifice him in order to elect hopkins -Output Transcription: under ordinary conditions reynolds was sure to be elected but the committee proposed to sacrifice him in order to lick hopkins -2021-09-20 08:39:43.783 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.047619 -2021-09-20 08:39:43.783 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: for a moment beth stood staring while the new maid regarded her with composure and a slight smile upon her beautiful face -Output Transcription: for a moment beth stood staring while the new maid regarded her with composure and a slight smile upon her beautiful face -2021-09-20 08:39:43.784 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:39:43.785 | INFO | deepspeech2x.model:test:372 - Error rate [wer] (1824/?) = 0.073934 -2021-09-20 08:39:46.215 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: also a popular contrivance whereby love making may be suspended but not stopped during the picnic season -Output Transcription: also a popular contrivance whereby love making may be suspended but not stopped during the picnic season -2021-09-20 08:39:46.216 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:39:46.222 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the idea of patching cap'n bill to a goat was vastly amusing to him and the more he thought of it the more he roared with laughter -Output Transcription: the idea of patching capn bill to a goat was vastly amusing to him and the more he thought of it the more he roared with laughter -2021-09-20 08:39:46.228 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.037037 -2021-09-20 08:39:46.234 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: why do they not invade the catholic provinces and preach their doctrine to godless princes bishops and doctors as we have done by the help of god -Output Transcription: why do they not invade the catholic provinces and preach their doctrine to guard this princes bishops and doctors as we have done by the help of god -2021-09-20 08:39:46.240 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.074074 -2021-09-20 08:39:46.246 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: saturday after saturday comes round and i can have no hope of hearing your knock at the door and then being told that miss e is come oh dear -Output Transcription: saturday after saturday comes around and i can have no hope of hearing you knock at the door and then being told that missy is come oh dear -2021-09-20 08:39:46.253 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.137931 -2021-09-20 08:39:46.253 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: if you dressed in silk and gold from top to toe you could not look any nicer than in your little red cap -Output Transcription: if you dressed in silk and gold from top to toe you could not look any nicer than in your little red cap -2021-09-20 08:39:46.253 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:39:46.254 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the subject was a very noble one he described the most famous action in which the athenian people were ever engaged -Output Transcription: the subject was a very noble one he described the most famous action in which the athenian people were ever engaged -2021-09-20 08:39:46.254 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:39:46.254 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: no one saw him do this for all were looking at the powder of life but soon the woman remembered what she had been doing and came back to the cupboard -Output Transcription: no one saw him do this for all were looking at the powder of life but soon the woman remembered what she had been doing and came back to the cupboard -2021-09-20 08:39:46.254 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:39:46.255 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i love thee freely as men strive for right i love thee purely as they turn from praise -Output Transcription: i love thee freely as men strive for right i love thee purely as they turn from praise -2021-09-20 08:39:46.255 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:39:46.255 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: did ever anybody see the like screamed missus poyser running towards the table when her eye had fallen on the blue stream -Output Transcription: did ever anybody see the like screamed missus poyser running towards the table when her eye had fallen on the blue stream -2021-09-20 08:39:46.255 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:39:46.259 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: for some moments he seemed perfectly stupefied then recovering himself he began to overwhelm the count with a torrent of questions -Output Transcription: for some moments he seemed perfectly stupefied and then recovering himself he began to overwhelm the count with a torrent of questions -2021-09-20 08:39:46.263 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.047619 -2021-09-20 08:39:46.266 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the grateful applause of the clergy has consecrated the memory of a prince who indulged their passions and promoted their interest -Output Transcription: the grateful applause of the clergy has consecrated the memory of a prince who indulge their passions and promoted their interest -2021-09-20 08:39:46.269 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.047619 -2021-09-20 08:39:46.274 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the earth has undoubtedly entered upon a new orbit but she is not incurring any probable risk of being precipitated onto the sun -Output Transcription: at the earth has undoubtedly entered upon a new orbit but she is not incurring any probable risk of being precipitated onto the sun -2021-09-20 08:39:46.278 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.043478 -2021-09-20 08:39:46.281 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: at the farther end of the largest hall a table was set with golden cups and golden plates in long rows -Output Transcription: at the further render the largest hall a table was set with golden cups and golden plates in long rows -2021-09-20 08:39:46.285 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.142857 -2021-09-20 08:39:46.285 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: of the lynchings the mobs and the murders it would be impossible except in a very extended work to note the frequent and atrocious details -Output Transcription: of the lynchings the mobs and the murders it would be impossible except in a very extended work to note the frequent and atrocious details -2021-09-20 08:39:46.285 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:39:46.285 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the fact that a man can recite a poem does not show that he remembers any previous occasion on which he has recited or read it -Output Transcription: the fact that a man can recite a poem does not show that he remembers any previous occasion on which he has recited or read it -2021-09-20 08:39:46.286 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:39:46.292 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: it is the head of a parrot with a little flower in his beak from a picture of carpaccio's one of his series of the life of saint george -Output Transcription: does the head of a parrot with a little flower in his beak from a picture of capacious one of his series of the life of saint george -2021-09-20 08:39:46.298 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.103448 -2021-09-20 08:39:46.302 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the king had completed his toilette by nine o'clock he appeared in an open carriage decorated with branches of trees and flowers -Output Transcription: the king had completed his toilet by nine o'clock he appeared in an open carriage decorated with branches of trees and flowers -2021-09-20 08:39:46.306 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.045455 -2021-09-20 08:39:46.311 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: she succeeded in opening the window and the moonlight shone in so brightly that she could distinguish the colour of some damask hangings in the room -Output Transcription: she succeeded in opening the window and the moonlight shone in so brightly that she could distinguish the color of some damask hanging in the room -2021-09-20 08:39:46.316 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.076923 -2021-09-20 08:39:46.316 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the others having been in operation too short a time to show definite results although they also went quickly to a dividend basis -Output Transcription: the others having been in operation too short a time to show definite results although they also went quickly to a dividend basis -2021-09-20 08:39:46.317 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:39:46.320 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: it is sold everywhere but for the last three weeks nobody will use any snuff but that sold at the civet cat -Output Transcription: it is sold everywhere but for the last three weeks nobody will use any snuff but that's sold at the severe cat -2021-09-20 08:39:46.324 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.090909 -2021-09-20 08:39:46.330 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: hold him fast my men and as soon as i've had my coffee and oatmeal i'll take him to the room of the great knife and patch him -Output Transcription: hold him fast my man and as soon as i've had my coffee and will i will take him to the room of the great knife and patti -2021-09-20 08:39:46.336 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.214286 -2021-09-20 08:39:46.341 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i and my wife and son and the two craswellers and three or four others agreed to dine on board the ship on the next -Output Transcription: i and my wife and son and the two cresswell ers and three or four others agreed to die on board the ship on the next -2021-09-20 08:39:46.346 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.120000 -2021-09-20 08:39:46.350 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: edison held that the electricity sold must be measured just like gas or water and he proceeded to develop a meter -Output Transcription: edison held that the electricity soul must be measured just like gas or water and he proceeded to develop a meter -2021-09-20 08:39:46.353 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.047619 -2021-09-20 08:39:46.354 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: then they all marched out a little way into the fields and found that the army of pinkies had already formed and was advancing steadily toward them -Output Transcription: then they all marched out a little way into the fields and found that the army of pinkies had already formed and was advancing steadily toward them -2021-09-20 08:39:46.354 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:39:46.359 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: unc knocked at the door of the house and a chubby pleasant faced woman dressed all in blue opened it and greeted the visitors with a smile -Output Transcription: unc knock at the door of the house into chubby pleasant faced woman dressed all in blue opened it and greeted the visitors with a smile -2021-09-20 08:39:46.365 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.111111 -2021-09-20 08:39:46.372 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i know the first letter i wrote to you was all senseless trash from beginning to end but i am not altogether the idle dreaming being it would seem to denote -Output Transcription: i know the first letter i wrote to you with all senseless trash from beginning to end but i am not altogether the idle dreaming being it would seem to denote -2021-09-20 08:39:46.380 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.032258 -2021-09-20 08:39:46.380 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: cyril there must be some better way of doing i just draw the outline of an animal and then i put hairs or feathers on it they have no bodies -Output Transcription: cyril there must be some better way of doing i just draw the outline of an animal and then i put hairs or feathers on it they have no bodies -2021-09-20 08:39:46.381 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:39:46.386 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: but polly couldn't speak and if jasper hadn't caught her just in time she would have tumbled over backward from the stool phronsie and all -Output Transcription: but polly couldn't speak and of jasper hadn't caught her just in time she would have tumbled over backward from the stool prose and all -2021-09-20 08:39:46.391 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.080000 -2021-09-20 08:39:46.392 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: he wouldn't search so don't worry replied cyril quietly and the two looked at each other and knew that it was so -Output Transcription: he wouldn't search so don't worry replied cyril quietly and the two looked at each other and knew that it was so -2021-09-20 08:39:46.393 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:39:46.397 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i think i must show you my patchwork girl said margolotte laughing at the boy's astonishment for she is rather difficult to explain -Output Transcription: i think i must show you my patchwork girl said margo lot laughing at the boy's astonishment for she is rather difficult to explain -2021-09-20 08:39:46.401 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.086957 -2021-09-20 08:39:46.402 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i am now tall and my branches spread like the others that were carried off last year oh -Output Transcription: i am now tall and my branches spread like the others that were carried off last year oh -2021-09-20 08:39:46.402 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:39:46.407 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: but philip did afford it and he wrote thanking his friends and declining because he said the political scheme would fail and ought to fail -Output Transcription: what phillip did afford it and he wrote thanking his friends and declining because he said the political scheme would fail and ought to feel -2021-09-20 08:39:46.412 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.120000 -2021-09-20 08:39:46.413 | INFO | deepspeech2x.model:test:372 - Error rate [wer] (1856/?) = 0.073302 -2021-09-20 08:39:51.003 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: it was the first great sorrow of his life it was not so much the loss of the cotton itself but the fantasy the hopes the dreams built around it -Output Transcription: it was the first great sorrow of his life it was not so much the loss of the cotton itself but the fantasy the hopes the dreams built around it -2021-09-20 08:39:51.004 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:39:51.005 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: however that was over now the tree gone the story at an end -Output Transcription: however that was over now the tree gone the story has an end -2021-09-20 08:39:51.007 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.076923 -2021-09-20 08:39:51.007 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: in a few hours the examination would commence and he was still in the dilemma between making the facts public and allowing the culprit to compete for the valuable scholarship -Output Transcription: in a few hours the examination would commence and he was still in the dilemma between making the facts public and allowing the culprit to compete for the valuable scholarship -2021-09-20 08:39:51.008 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:39:51.016 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: ruth was glad to hear that philip had made a push into the world and she was sure that his talent and courage would make a way for him -Output Transcription: ruth was glad to hear that philip had made a push in to the world and she was sure that his talent and courage would make a way for him -2021-09-20 08:39:51.023 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.068966 -2021-09-20 08:39:51.027 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: its origin was small a germ an insignificant seed hardly to be thought of as likely to arouse opposition -Output Transcription: its origin was small a germ and insignificant seed hardly to be thought of as likely to arouse opposition -2021-09-20 08:39:51.030 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.052632 -2021-09-20 08:39:51.034 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: another preacher after reproaching him to his face with his misgovernment ordered this psalm to be sung -Output Transcription: another preacher after reproaching him to his face with his massgov ernment ordered this sum to be sung -2021-09-20 08:39:51.037 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.176471 -2021-09-20 08:39:51.044 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i remained there alone for many hours but i must acknowledge that before i left the chambers i had gradually brought myself to look at the matter in another light -Output Transcription: i remain here alone for many hours but i must acknowledge that before i left the chambers i had gradually brought myself to look at the matter in another light -2021-09-20 08:39:51.051 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.066667 -2021-09-20 08:39:51.057 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: so for the hundredth time she was thinking today as she walked alone up the lane back of the barn and then slowly down through the bottoms -Output Transcription: so for the hundredth time she was thinking today as she walked alone up the laying back of the barn and then slowly down through the bottoms -2021-09-20 08:39:51.063 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.037037 -2021-09-20 08:39:51.066 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the ideas also remain but they have become types in nature forms of men animals birds fishes -Output Transcription: the ideas also remain but they have become types in nature forms of men any more spurs fiches -2021-09-20 08:39:51.068 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.235294 -2021-09-20 08:39:51.073 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: in order to please her i spoke to her of the abbe conti and i had occasion to quote two lines of that profound writer -Output Transcription: in order to please her i spoke to her of the abbey conti and i had occasion to quote two lines of that profound writer -2021-09-20 08:39:51.078 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.040000 -2021-09-20 08:39:51.085 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the bed she too well remembered was there and above all the cabinet on which had stood the image she had taken away was still on the same spot -Output Transcription: the bed she too well remembered was there and above all the cabinet on which had stood the image he had taken away was still on the same spot -2021-09-20 08:39:51.092 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.034483 -2021-09-20 08:39:51.092 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: hester prynne nevertheless the loving mother of this one child ran little risk of erring on the side of undue severity -Output Transcription: hester prynne nevertheless the loving mother of this one child ran little risk of erring on the side of undue severity -2021-09-20 08:39:51.093 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:39:51.093 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: by his resurrection christ won the victory over law sin flesh world devil death hell and every evil -Output Transcription: by his resurrection christ won the victory over law sin flesh world devil death hell and every evil -2021-09-20 08:39:51.093 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:39:51.099 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: then of a sudden at midday the sun shot out hot and still no breath of air stirred the sky was like blue steel the earth steamed -Output Transcription: then of a sudden at midday the sun shot out hot and still no both of air stirred the sky was like blue steel the earth steam -2021-09-20 08:39:51.105 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.074074 -2021-09-20 08:39:51.109 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: thought the fir tree and believed it all because the man who told the story was so good looking well well -Output Transcription: thought the fir tree and believe it all because the man who told the story was so good looking well well -2021-09-20 08:39:51.112 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.047619 -2021-09-20 08:39:51.113 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the analysis of knowledge will occupy us until the end of the thirteenth lecture and is the most difficult part of our whole enterprise -Output Transcription: the analysis of knowledge will occupy us until the end of the thirteenth lecture and is the most difficult part of our whole enterprise -2021-09-20 08:39:51.113 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:39:51.119 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: oh i am speaking seriously replied montalais and my opinion in this case is quite as good as the king's i suppose is it not louise -Output Transcription: oh i am speaking seriously replied motels and my opinion in this case is quite as good as the kings i suppose is it not louise -2021-09-20 08:39:51.124 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.076923 -2021-09-20 08:39:51.124 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: he himself recited the same passage in french and politely pointed out the parts in which he thought that i had improved on the original -Output Transcription: he himself recited the same passage in french and politely pointed out the parts in which he thought that i had improved on the original -2021-09-20 08:39:51.125 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:39:51.125 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: but the tree did not rejoice at all he grew and grew and was green both winter and summer -Output Transcription: but the tree did not rejoice at all he grew and grew and was green both winter and summer -2021-09-20 08:39:51.125 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:39:51.133 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: one day when the boy was sent by his grandfather with a message to a relation he passed along a street in which there was a great concourse of horsemen -Output Transcription: one day when the boy was sent by his grandfather with a message to a relation he passed along the street and wish there was a great concourse of horsemen -2021-09-20 08:39:51.140 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.100000 -2021-09-20 08:39:51.147 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: in strict accuracy nothing should be included under the head of conspicuous waste but such expenditure as is incurred on the ground of an invidious pecuniary comparison -Output Transcription: in strict accuracy nothing should be included under the head of conspicuous waste at such expenditure as is incurred on the ground of an invidious pecuniary comparison -2021-09-20 08:39:51.153 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.037037 -2021-09-20 08:39:51.153 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: when she perceived the young man she rose like a woman surprised in the midst of ideas she was desirous of concealing from herself -Output Transcription: when she perceived the young man she rose like a woman surprised in the midst of ideas she was desirous of concealing from herself -2021-09-20 08:39:51.153 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:39:51.157 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: how is it la valliere said mademoiselle de tonnay charente that the vicomte de bragelonne spoke of you as louise -Output Transcription: how is it lavalier said mademoiselle de finish at that the vicomte de brug alone spoke of you as louise -2021-09-20 08:39:51.160 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.300000 -2021-09-20 08:39:51.160 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: stephen leaning back and drawing idly on his scribbler listened to the talk about him which heron checked from time to time by saying -Output Transcription: stephen leaning back and drawing idly on his scribbler listened to the talk about him which heron checked from time to time by saying -2021-09-20 08:39:51.161 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:39:51.165 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: he obtained the desired speed and load with a friction brake also regulator of speed but waited for an indicator to verify it -Output Transcription: he obtained the desired speed and load with a friction brake also regulator of speed but waited for it indicator to verify it -2021-09-20 08:39:51.169 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.043478 -2021-09-20 08:39:51.176 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: in the court yard some of the merry children were playing who had danced at christmas round the fir tree and were so glad at the sight of him -Output Transcription: in the courtyard some of the married children were playing who had danced at christmas round the fir tree and were so glad at the sight of him -2021-09-20 08:39:51.182 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.103448 -2021-09-20 08:39:51.188 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: when the blueskins saw ghip ghisizzle they raised another great shout for he was the favorite of the soldiers and very popular with all the people -Output Transcription: when the blue skin so get cause they raised another great shout for he was the favorite of the soldiers and very popular with all the people -2021-09-20 08:39:51.195 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.192308 -2021-09-20 08:39:51.195 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the scout who had left david at the door to ascertain they were not observed thought it prudent to preserve his disguise until assured of their privacy -Output Transcription: the scout who had left david at the door to ascertain they were not observed thought it prudent to preserve his disguise until assured of their privacy -2021-09-20 08:39:51.195 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:39:51.202 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the electric light can scarcely penetrate through the dense curtain which has dropped over the theatre on which the battle of the elements is about to be waged -Output Transcription: the electric light can scarcely penetrate through the dense curtain which is dropped over the theatre on which the battle of the elements is about to be waged -2021-09-20 08:39:51.209 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.035714 -2021-09-20 08:39:51.214 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: rodolfo and his companions with their faces muffled in their cloaks stared rudely and insolently at the mother the daughter and the servant maid -Output Transcription: rudolph and his companions were their faces muffled in their cloaks stared rudely and insolently at the mother the daughter and the servant made -2021-09-20 08:39:51.219 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.125000 -2021-09-20 08:39:51.229 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: if you will give us your promise to meet captain battleax here at this time to morrow we will stretch a point and delay the departure of the john bright for twenty four hours -Output Transcription: if you will give us your promise to meet captain madlax here at this time tomorrow we will stretch a point and delay the departure of the job right for twenty four hours -2021-09-20 08:39:51.239 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.147059 -2021-09-20 08:39:51.246 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: then dear said missus whitney you must be kinder to her than ever think what it would be for one of you to be away from home even among friends -Output Transcription: then dear said miss whitney you must be kind to her than ever think what it would be for one of you to be away from home even among friends -2021-09-20 08:39:51.254 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.066667 -2021-09-20 08:39:51.255 | INFO | deepspeech2x.model:test:372 - Error rate [wer] (1888/?) = 0.073018 -2021-09-20 08:39:53.834 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i can't pray to have the things i want he said slowly and i won't pray not to have them not if i'm damned for it -Output Transcription: i can't pray to have things i want he said slowly and i won't pray not to have them not if i'm damned for it -2021-09-20 08:39:53.840 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.038462 -2021-09-20 08:39:53.840 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: it was not very much past eleven that morning when the pony carriage from brandon drew up before the little garden wicket of redman's farm -Output Transcription: it was not very much past eleven that morning when the pony carriage from brandon drew up before the little garden wicket of redman's farm -2021-09-20 08:39:53.840 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:39:53.843 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: to embarrass this damaging exposure judge lecompte issued a writ against the ex governor on a frivolous charge of contempt -Output Transcription: to embarrass this damaging exposure judge let issued a writ against the ex governor on a frivolous charge of contempt -2021-09-20 08:39:53.847 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.050000 -2021-09-20 08:39:53.853 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i will endeavour in my statement to avoid such terms as would serve to limit the events to any particular place or give a clue as to the people concerned -Output Transcription: i will endeavor in my statement to avoid such terms as would serve to limit the event to any particular place or give a clue as to the people concerned -2021-09-20 08:39:53.860 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.066667 -2021-09-20 08:39:53.863 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: here she was teaching dirty children and the smell of confused odors and bodily perspiration was to her at times unbearable -Output Transcription: here she was teaching dirty children and the smell of confused odours and bodily perspiration was to her at times unbearable -2021-09-20 08:39:53.867 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.047619 -2021-09-20 08:39:53.871 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the weak kneed contingency must be strengthened and fortified and a couple of hundred votes in one way or another secured from the opposition -Output Transcription: the weak need contingency must be strengthened and fortified and a couple of hundred votes in one way or the other secured from the opposition -2021-09-20 08:39:53.876 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.125000 -2021-09-20 08:39:53.882 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: in the modern well constructed play he simply rings up an imaginary confederate and tells him what he is going to do could anything be more natural -Output Transcription: in the modern well constructed play he simply ring up an imaginary confederate and tells them what he is going to do could anything be more natural -2021-09-20 08:39:53.887 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.074074 -2021-09-20 08:39:53.893 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: beth was a beautiful girl the handsomest of the three cousins by far yet eliza surpassed her in natural charm and seemed well aware of the fact -Output Transcription: beth was a beautiful girl the handsomest of the three cousins by far yet eliza surpassed her a natural charm and seemed well aware of the fact -2021-09-20 08:39:53.899 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.037037 -2021-09-20 08:39:53.899 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: of this second letter also she spoke and told me that it contained an invitation for her to go and see the poet if ever she visited the lakes -Output Transcription: of this second letter also she spoke and told me that it contained an invitation for her to go and see the poet if ever she visited the lakes -2021-09-20 08:39:53.899 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:39:53.903 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the hon charles smith miss sarah's brother was walking swiftly uptown from mister easterly's wall street office and his face was pale -Output Transcription: the honorable charles smith miss sarah's brother was walking swiftly uptown from mister easter's wall street office and his face was pale -2021-09-20 08:39:53.907 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.090909 -2021-09-20 08:39:53.907 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: mister popham exaggerated nothing but on the contrary left much unsaid in his narrative of the family at the house of lords -Output Transcription: mister popham exaggerated nothing but on the contrary left much unsaid in his narrative of the family at the house of lords -2021-09-20 08:39:53.907 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:39:53.917 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: she pushed him toward the big chair by the fire and sat down on a stool at the opposite side of the hearth her knees drawn up to her chin laughing like a happy little girl -Output Transcription: she pushed him towards the big chair by the fire and sat down on a stool at the opposite side of the hearth her knees drawn up to her chin laughing like a happy little girl -2021-09-20 08:39:53.926 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.027778 -2021-09-20 08:39:53.933 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: but if we have now ceased to advance why do we yet leave that sail loose which at the first shock of the tempest may capsize us in a moment -Output Transcription: but if we have now ceased to advance why do we yet leave that sale loose which at the first shock of a tempest mac capsizes in a moment -2021-09-20 08:39:53.939 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.166667 -2021-09-20 08:39:53.940 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: hilda was very nice to him and he sat on the edge of his chair flushed with his conversational efforts and moving his chin about nervously over his high collar -Output Transcription: hilda was very nice to him and he sat on the edge of his chair flushed with his conversational efforts and moving his chin about nervously over his high collar -2021-09-20 08:39:53.940 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:39:53.940 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the princess sat down under a blue canopy with bouquets of roses and she let anders sit in a golden chair by her side -Output Transcription: the princess sat down under a blue canopy with bouquets of roses and she let anders sit in a golden chair by her side -2021-09-20 08:39:53.940 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:39:53.946 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: of course he did not realize that it was i who was knocking but none the less his conduct was very uncourteous and indeed under the circumstances rather suspicious -Output Transcription: of course he did not realize that it was i who was knocking but nevertheless his conduct was very uncouth and indeed under the circumstances rather suspicious -2021-09-20 08:39:53.952 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.137931 -2021-09-20 08:39:53.953 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: but when his big brother heard that he had refused to give his cap for a king's golden crown he said that anders was a stupid -Output Transcription: but when his big brother heard that he had refused to give his cap for a king's golden crown he said that anders was a stupid -2021-09-20 08:39:53.953 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:39:53.956 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: they unite every quality and sometimes you will find me referring to them as colorists sometimes as chiaroscurists -Output Transcription: the unite every quality and sometimes you will find me referring to them as colorists sometimes as cures cure sts -2021-09-20 08:39:53.959 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.222222 -2021-09-20 08:39:53.966 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: why you said to fetch the first living creature we met and that was this billygoat replied the captain panting hard as he held fast to one of the goat's horns -Output Transcription: why you sit to fence the first living creature met and that was displaying out replied the captain panting hard as he held fast to one of the goat's horns -2021-09-20 08:39:53.973 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.161290 -2021-09-20 08:39:53.976 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: fortunately said mister vanderpool northerners and southerners are arriving at a better mutual understanding on most of these matters -Output Transcription: fortunately said mister vanderpool norteno in southerners all robbing at a better mutual understanding on most of these matters -2021-09-20 08:39:53.979 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.210526 -2021-09-20 08:39:53.979 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: they were voyaging across the deserts of the sky a host of nomads on the march voyaging high over ireland westward bound -Output Transcription: they were voyaging across the deserts of the sky a host of nomads on the march voyaging high over ireland westward bound -2021-09-20 08:39:53.980 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:39:53.984 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: although the brethren with me are not apostles like myself yet they are all of one mind with me think write and teach as i do -Output Transcription: although the brethren with me are not apostles like myself yet they are all of one mind with me think right and teachers i do -2021-09-20 08:39:53.989 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.115385 -2021-09-20 08:39:53.990 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: several clothes horses a pillion a spinning wheel and an old box wide open and stuffed full of coloured rags -Output Transcription: several clothes horses a pillion a spinning wheel and an old box wide open and stuffed full of coloured rags -2021-09-20 08:39:53.990 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:39:53.990 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i carefully avoid any appearance of preoccupation and eccentricity which might lead those i live amongst to suspect the nature of my pursuits -Output Transcription: i carefully avoid any appearance of preoccupation and eccentricity which might lead those i live amongst to suspect the nature of my pursuits -2021-09-20 08:39:53.991 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:39:53.996 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: any one thereabouts would have told you that this was one of the richest farms on the divide and that the farmer was a woman alexandra bergson -Output Transcription: anyone thereabouts would have told you that this was one of the richest farms on the divide and that the farmer was a woman alexandra bergson -2021-09-20 08:39:54.002 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.074074 -2021-09-20 08:39:54.005 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: philip therefore read diligently in the astor library planned literary works that should compel attention and nursed his genius -Output Transcription: philip therefore red diligently in the aster library planned literary works that should compel attention and nursed his venus -2021-09-20 08:39:54.008 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.157895 -2021-09-20 08:39:54.008 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: everything he has done has been aimed at the conservation of energy the contraction of space the intensification of culture -Output Transcription: everything he has done has been aimed at the conservation of energy the contraction of space the intensification of culture -2021-09-20 08:39:54.009 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:39:54.014 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: there was something in his carriage which resembled the buoyant movements of an immortal and he did not dance so much as seem to soar along -Output Transcription: there was something in his carriage which resembled the buoyant movements of an immortal and he did not dance so much as seemed to soar along -2021-09-20 08:39:54.019 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.038462 -2021-09-20 08:39:54.024 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: her bearing was graceful and animated she led her son by the hand and before her walked two maids with wax lights and silver candlesticks -Output Transcription: her bearing was graceful in animated she led her son by the hand and before her walked two maids with wax lights and silver candlesticks -2021-09-20 08:39:54.029 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.040000 -2021-09-20 08:39:54.033 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: there in the cedar hollow then lived olive lord an angry resentful little creature weighed down by a fierce sense of injury -Output Transcription: there in the cedar hollow then lived olive lord and angry resentful little creature weighed down by a fierce sense of injury -2021-09-20 08:39:54.037 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.045455 -2021-09-20 08:39:54.041 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the more she is engaged in her proper duties the less leisure will she have for it even as an accomplishment and a recreation -Output Transcription: the more she is engaged in her proper duties the last leisure will she have for it even as an accomplishment and a recreation -2021-09-20 08:39:54.046 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.041667 -2021-09-20 08:39:54.051 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: he could hardly stand still so great was his mental agitation and he ran towards holmes with two eager hands outstretched thank heaven that you have come -Output Transcription: he could hardly stand still so great was his mental agitation and he ran towards homes with two eager hands outstretched thank heaven that you have come -2021-09-20 08:39:54.057 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.037037 -2021-09-20 08:39:54.058 | INFO | deepspeech2x.model:test:372 - Error rate [wer] (1920/?) = 0.072663 -2021-09-20 08:39:56.623 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: and now he desires to see the ideal state set in motion he would like to know how she behaved in some great struggle -Output Transcription: and now he desires to see the ideal state set in motion he would like to know how she behaved in some great struggle -2021-09-20 08:39:56.624 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:39:56.629 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: three seconds before the arrival of j b hobson's letter i no more dreamed of chasing the unicorn than of trying for the northwest passage -Output Transcription: three seconds before the arrival of j b hobson's letter i know more dreamed of chasing the unicorn and have trying for the northwest passage -2021-09-20 08:39:56.635 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.120000 -2021-09-20 08:39:56.640 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: flight was out of the question now the reptiles rose they wheeled around our little raft with a rapidity greater than that of express trains -Output Transcription: fight was out of the question now the reptiles rose they willed around our little raft with a rapidity greater than that of express trains -2021-09-20 08:39:56.646 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.080000 -2021-09-20 08:39:56.646 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: again i thank you this incident i suppose will be renewed no more if i live to be an old woman i shall remember it thirty years hence as a bright dream -Output Transcription: again i thank you this incident i suppose will be renewed no more if i live to be an old woman i shall remember it thirty years hence as a bright dream -2021-09-20 08:39:56.647 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:39:56.653 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the lure proved too much for him and he came sporting after it as friskily as a young kitten much to cynthia's delight when she caught sight of him -Output Transcription: the lure proved too much for him any time sporting after it as briskly as a young kitten much to cynthia's delight when she caught sight of him -2021-09-20 08:39:56.660 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.137931 -2021-09-20 08:39:56.668 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: a stage meal is popular because it proves to the audience that the actors even when called charles hawtrey or owen nares are real people just like you and me -Output Transcription: a stage me less popular because it proved to the audience at the actors even one called charles hull train or owen nares are real people just like you and me -2021-09-20 08:39:56.676 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.233333 -2021-09-20 08:39:56.681 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: she spoke with a sudden energy which partook of fear and passion and flushed her thin cheek and made her languid eyes flash -Output Transcription: she spoke with a sudden energy which partook a fear and passion and flushed her thin cheeks and made her languid eyes flash -2021-09-20 08:39:56.686 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.086957 -2021-09-20 08:39:56.688 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: to meet the needs of this conflict wretchedness has invented a language of combat which is slang -Output Transcription: to meet the needs of this conflict wretchedness has invented the language of combat which is slang -2021-09-20 08:39:56.691 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.058824 -2021-09-20 08:39:56.694 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: yes then something better something still grander will surely follow or wherefore should they thus ornament me -Output Transcription: yes and something better something still brander will surely follow or wherefore should they thus ornament me -2021-09-20 08:39:56.696 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.117647 -2021-09-20 08:39:56.700 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: by this time lord chelford and wylder returned and disgusted rather with myself i ruminated on my want of general ship -Output Transcription: by this time lord chelford and wilder returned and disgusted rather with myself i ruminated on my want of generalship -2021-09-20 08:39:56.703 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.142857 -2021-09-20 08:39:56.707 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: now delia contrived to obtain a great influence and ascendency over the minds of the children by means of these dolls -Output Transcription: now delia contrived to obtain a great influence and ascendancy over the minds of the children by means of these dolls -2021-09-20 08:39:56.711 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.047619 -2021-09-20 08:39:56.711 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: relocated footnote governor robinson being on his way east the steamboat on which he was traveling stopped at lexington missouri -Output Transcription: relocated footnote governor robinson being on his way east the steamboat on which he was traveling stopped at lexington missouri -2021-09-20 08:39:56.712 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:39:56.717 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: kathleen waved the torch to and fro as she recited some beautiful lines written for some such purpose as that which called them together to night -Output Transcription: kathleen way of the torch to and fro as she recited some beautiful lines written for some such purpose as that which called them together tonight -2021-09-20 08:39:56.723 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.153846 -2021-09-20 08:39:56.730 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: they worry me terribly and besides i'd like to see what this lovely furniture looks like without such quantities of dust all over it good scheme cyn -Output Transcription: may worry me terribly and besides i'd like to see what this lovely furniture looks like without such quantities of dust all over it to its scheme seem -2021-09-20 08:39:56.736 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.148148 -2021-09-20 08:39:56.737 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: it will be clear to you from what i have said that only you could have let this young man out since you were left in the room and must have locked the door when you went out -Output Transcription: it will be clear to you from what i have said that only you could have let this young man out since you were left in the room and must have locked the door when you went out -2021-09-20 08:39:56.737 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:39:56.740 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i see they lay helpless and naked weeping and none to answer none to cherish thee with mothers smiles -Output Transcription: i see they lay helpless the naked weeping and none to answer none to cherish thee with mother's smiles -2021-09-20 08:39:56.743 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.105263 -2021-09-20 08:39:56.748 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the king who had from this moment become in reality the principal dancer in the quadrille cast a look upon his vanquished rival -Output Transcription: the king who had from this moment become in reality the principal dancer and the quadrille cast a look upon his vanquished rival -2021-09-20 08:39:56.752 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.043478 -2021-09-20 08:39:56.753 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: this distinction is vital to the understanding of memory but it is not so easy to carry out in practice as it is to draw in theory -Output Transcription: this distinction is vital to the understanding of memory but it is not so easy to carry out in practice as it is to draw in theory -2021-09-20 08:39:56.753 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:39:56.753 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: pack as much into my trunk as you can my traveling kit my suits shirts and socks don't bother counting just squeeze it all in and hurry -Output Transcription: pack as much into my trunk as you can my traveling kit my suits shirts and socks don't bother counting just squeeze it all in and hurry -2021-09-20 08:39:56.753 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:39:56.759 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: now then let's enter the city an enjoy the grand feast that's being cooked i'm nearly starved myself for this conquerin kingdoms is hard work -Output Transcription: now then lets enter the city and enjoy a great feast is being cooked i nearly starved myself for this conquering kingdoms as hard work -2021-09-20 08:39:56.764 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.320000 -2021-09-20 08:39:56.772 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: it was a serious crime indeed mister watson told them and tom gates bade fair to serve a lengthy term in state's prison as a consequence of his rash act -Output Transcription: it was a serious crime indeed mister watson told them and tom gates bade fair to serve a lengthy term in the states prison as a consequence of his rash act -2021-09-20 08:39:56.780 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.066667 -2021-09-20 08:39:56.789 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: you may be quite sure it's there said captain battleax and that i can so use it as to half obliterate your town within two minutes of my return on board -Output Transcription: you may be quite short there said captain battle axe and that i can so use it as to half a bulter your town within two minutes of my return on board -2021-09-20 08:39:56.797 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.193548 -2021-09-20 08:39:56.802 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: yes all alone by himself asserted jasper vehemently and winking furiously to the others to stop their laughing he did now truly phronsie -Output Transcription: yes all alone by himself asserted jasper vehemently and winking furiously to the others to stop their laughing he did now truly prose -2021-09-20 08:39:56.806 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.043478 -2021-09-20 08:39:56.811 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i wanted nothing more than to see my country again my friends my modest quarters by the botanical gardens my dearly beloved collections -Output Transcription: i wanted nothing more than to see that country again my friends my modest quarters by the botanical gardens my dearly beloved collections -2021-09-20 08:39:56.815 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.043478 -2021-09-20 08:39:56.820 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: women can hide their pain better than we men and bear it better too except when shame drops fire into the dreadful chalice -Output Transcription: women can hide their pain better than we men and bear it better to except when shame drops fire into the dreadful chalice -2021-09-20 08:39:56.825 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.043478 -2021-09-20 08:39:56.830 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i wish it would recur again but it will take two or three interviews before the stiffness the estrangement of this long separation will wear away -Output Transcription: i was over recur again but it will take two or three interviews before the stiffness to the estrangement of this long separation will wear away -2021-09-20 08:39:56.836 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.153846 -2021-09-20 08:39:56.843 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: in other words these three men took down the lectures which luther addressed to his students in the course of galatians and roerer prepared the manuscript for the printer -Output Transcription: in other words these three men took down the lectures which luther address is students in the course of galatians and roar prepared the manuscript for the printer -2021-09-20 08:39:56.851 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.137931 -2021-09-20 08:39:56.856 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the lord who has given us power to teach and to hear let him also give us the power to serve and to do luke two -Output Transcription: the lord who has given us power to teach and to hear let him also give us the power to serve and to do look to -2021-09-20 08:39:56.862 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.076923 -2021-09-20 08:39:56.863 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: hold said david perceiving that with this assurance they were about to leave him i am an unworthy and humble follower of one who taught not the damnable principle of revenge -Output Transcription: hold said david perceiving that with this assurance they were about to leave him i am an unworthy and humble follower of one who taught not the damnable principle of revenge -2021-09-20 08:39:56.863 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:39:56.870 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: in the debate between the senior societies her defence of the fifteenth amendment had been not only a notable bit of reasoning but delivered with real enthusiasm -Output Transcription: in the debate between the signor societies her defence of the fifteenth amendment had been not only a notable bit of reasoning but delivered with real enthusiasm -2021-09-20 08:39:56.876 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.037037 -2021-09-20 08:39:56.883 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the hawk embittered by the loss of his first quarry had become as dogged in pursuit as a weasel not to be shaken off or evaded or deceived -Output Transcription: the hawk embittered by the loss of his first quarry had become as dogged in pursuit as a wheel not to be shaken off or evaded or deceived -2021-09-20 08:39:56.889 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.035714 -2021-09-20 08:39:56.897 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: on the contrary he resolved to tell them that repenting of his violence and moved by her tears he had only carried her half way towards his house and then let her go -Output Transcription: on the contrary he resolved to tell them that repenting of his violence and moved by tears he had only carried her half way towards his house and then let her go -2021-09-20 08:39:56.905 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.030303 -2021-09-20 08:39:56.906 | INFO | deepspeech2x.model:test:372 - Error rate [wer] (1952/?) = 0.072962 -2021-09-20 08:40:03.505 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the consumption of luxuries in the true sense is a consumption directed to the comfort of the consumer himself and is therefore a mark of the master -Output Transcription: the consumption of luxuries in the true sense is a consumption directed to the comfort of the consumer himself and is therefore a mark of the master -2021-09-20 08:40:03.506 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:40:03.507 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the use of the word waste as a technical term therefore implies no deprecation of the motives or of the ends sought by the consumer under this canon of conspicuous waste -Output Transcription: the use of the word waste as a technical term therefore implies no deprecation of the motives or of the ends sought by the consumer under this canon of conspicuous waste -2021-09-20 08:40:03.507 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:40:03.509 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: so i return rebuk'd to my content and gain by ill thrice more than i have spent -Output Transcription: so i return rebuked to my content and gained by ill thrice more than i have spent -2021-09-20 08:40:03.512 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.117647 -2021-09-20 08:40:03.516 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: she rose with a fleeting glance gathered the shawl round her then gliding forward wavering tremulous slipped across the road and into the swamp -Output Transcription: she rolls with a fleeting glance gathered the shawl around her then gliding forward wavering tremulous slipped across the road and into the swamp -2021-09-20 08:40:03.521 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.083333 -2021-09-20 08:40:03.521 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i am not allowed to perform magic except for my own amusement he told his visitors as he lighted a pipe with a crooked stem and began to smoke -Output Transcription: i am not allowed to perform magic except for my own amusement he told his visitors as he lighted a pipe with a crooked stem and began to smoke -2021-09-20 08:40:03.521 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:40:03.528 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the dews were suffered to exhale and the sun had dispersed the mists and was shedding a strong and clear light in the forest when the travelers resumed their journey -Output Transcription: the jews were suffered to exhale and the son had dispersed the mists and was shedding a strong and clear light in the forest when the travellers resumed their journey -2021-09-20 08:40:03.535 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.100000 -2021-09-20 08:40:03.535 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: thou canst wait through sorrow and sickness to bring souls to touch and think it soon when others cry too late -Output Transcription: thou canst wait through sorrow and sickness to bring souls to touch and think it soon when others cry too late -2021-09-20 08:40:03.535 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:40:03.540 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: sir i have it in command to inform your excellency that you have been appointed governor of the crown colony which is called britannula -Output Transcription: sir i have it in command to inform your excellency that you have been appointed governor of the crown colony which is called britannia -2021-09-20 08:40:03.544 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.041667 -2021-09-20 08:40:03.549 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: on the sixth of april eighteen thirty the church of jesus christ of latter day saints was formally organized and thus took on a legal existence -Output Transcription: on the sixth of april eighteen thirty the church of jesus christ of latterday saints was formerly organized and thus took on a legal existence -2021-09-20 08:40:03.554 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.115385 -2021-09-20 08:40:03.554 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the story of its evil influence came back to me and in my bewildered condition i wondered whether there was not some truth in what had been said -Output Transcription: the story of its evil influence came back to me and in my bewildered condition i wondered whether there was not some truth in what had been said -2021-09-20 08:40:03.555 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:40:03.558 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: nine thousand years have elapsed since she founded yours and eight thousand since she founded ours as our annals record -Output Transcription: nine thousand years had elapsed since she found it yours and eight thousand since she founded arts as our annals record -2021-09-20 08:40:03.561 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.200000 -2021-09-20 08:40:03.565 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: while the old gold and the marble stays forever gleaming its soft strong blaze calm in the early evening glow -Output Transcription: while the old gold and the marble stays forever gleaming is soft strong blaze can in the early evening glow -2021-09-20 08:40:03.568 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.100000 -2021-09-20 08:40:03.572 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: private persons who had leased the free state hotel vainly besought the various authorities to prevent the destruction of their property -Output Transcription: private persons who at least the free stay at hotel then lay be saw the various authorities to present the destruction of their property -2021-09-20 08:40:03.575 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.428571 -2021-09-20 08:40:03.576 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: for some years it was not found feasible to operate motors on alternating current circuits and that reason was often urged against it seriously -Output Transcription: for some years it was not found feasible to operate motors on alternating current circuits and that reason was often urged against it seriously -2021-09-20 08:40:03.576 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:40:03.582 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: then he rushed down stairs into the courtyard shouting loudly for his soldiers and threatening to patch everybody in his dominions if the sailorman was not recaptured -Output Transcription: then he rushed downstairs into the courtyard shouting loudly for his soldiers and threatening to patch everybody in his dominions of the sailorman was not recaptured -2021-09-20 08:40:03.587 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.111111 -2021-09-20 08:40:03.595 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i heard father tell cousin abner that he was whipped so often for whistling when he was a boy that he was determined to have what compensation he could get now -Output Transcription: i heard father tell cousin avenue that he was whipped so often for whistling when he was a boy that he was determined to have what compensation he could get now -2021-09-20 08:40:03.602 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.032258 -2021-09-20 08:40:03.606 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the helpless worm arose and sat upon the lillys leaf and the bright cloud saild on to find his partner in the vale -Output Transcription: the helpless worm arose and sat upon the lily leaf and the bright clouds sailed on to find his partner in the veil -2021-09-20 08:40:03.610 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.173913 -2021-09-20 08:40:03.617 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: you must look at him in the face fight him conquer him with what scathe you may you need not think to keep out of the way of him -Output Transcription: you must look at him in the face fight him conquer him with what scared you may you need not think to keep out of the way of him -2021-09-20 08:40:03.623 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.034483 -2021-09-20 08:40:03.627 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the music came nearer and he recalled the words the words of shelley's fragment upon the moon wandering companionless pale for weariness -Output Transcription: the music came nearer and he recalled the words the words of shelley's fragment upon the moon wandering companion less pale for weariness -2021-09-20 08:40:03.631 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.090909 -2021-09-20 08:40:03.636 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: and there you are you will of course appreciate that the unfinished sentences not only save time but also make the manoeuvring very much more natural -Output Transcription: and there you are you will of course appreciate that the unbeaten is not only save time but also make the manoeuvring very much more natural -2021-09-20 08:40:03.641 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.076923 -2021-09-20 08:40:03.651 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: her hair is still like flax and her blue eyes are just like a baby's and she has the same three freckles on her little nose and talks about going back to her bains de mer -Output Transcription: her hair is still like flax and her blue eyes are just like babies and she has the same three freckles on her little nose and talks about going back to her band omar -2021-09-20 08:40:03.660 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.138889 -2021-09-20 08:40:03.661 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: he had a lot of line out and the place was none too free for a long cast but he was impatient to drop his flies again on the spot where the big fish was feeding -Output Transcription: he had a lot of line out and the place was none too free for a long cast but he was impatient to drop his flies again on the spot where the big fish was feeding -2021-09-20 08:40:03.661 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:40:03.661 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: and the old gentleman was so delighted with his success that he had to burst out into a series of short happy bits of laughter that occupied quite a space of time -Output Transcription: and the old gentleman was so delighted with his success that he had to burst out into a series of short happy bits of laughter that occupied quite a space of time -2021-09-20 08:40:03.662 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:40:03.665 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: disdainful of a success of which madame showed no acknowledgement he thought of nothing but boldly regaining the marked preference of the princess -Output Transcription: disdainful of success of which madame showed no acknowledgement he thought of nothing but boldly regaining the market preference of the princess -2021-09-20 08:40:03.669 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.086957 -2021-09-20 08:40:03.676 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: it was silent and gloomy being tenanted solely by the captive and lighted by the dying embers of a fire which had been used for the purposed of cookery -Output Transcription: it was silent and gloomy being tenanted solely by the captive and lighted by the dying embers of a fire which had been used for the purpose of cookery -2021-09-20 08:40:03.682 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.034483 -2021-09-20 08:40:03.687 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: he well knew that he should never see his dear old comrades the little bushes and flowers around him anymore perhaps not even the birds -Output Transcription: he well knew that he should never see his dear old comrades the little bushes and flowers around him any more perhaps not even the birds -2021-09-20 08:40:03.692 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.080000 -2021-09-20 08:40:03.700 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the two young men who were by this time full of the adventure went down to the wall street office of henry's uncle and had a talk with that wily operator -Output Transcription: the two young men who were by this time full of the adventurer went down to the wall street office of henry's uncle and had a talk with that wily operator -2021-09-20 08:40:03.707 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.032258 -2021-09-20 08:40:03.713 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: after this disappointment i never dare reckon with certainty on the enjoyment of a pleasure again it seems as if some fatality stood between you and me -Output Transcription: after this disappointment i never dare reckon with certainty on the enjoyment of pleasure again it seems as if some fatality stood between you and me -2021-09-20 08:40:03.719 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.037037 -2021-09-20 08:40:03.725 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: observe again what care the law took in the pursuit of wisdom searching out the deep things of the world and applying them to the use of man -Output Transcription: observe again what care a lot too in the pursuit of wisdom searching out the deep things of the world and applying them to the use of men -2021-09-20 08:40:03.731 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.142857 -2021-09-20 08:40:03.731 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: instead of but six regularly affiliated members and at most two score of adherents the organization numbers today many hundred thousand souls -Output Transcription: instead of but six regularly affiliated members and at most two score of adherents the organization numbers today many hundred thousand souls -2021-09-20 08:40:03.732 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:40:03.732 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: there is no class and no country that has yielded so abjectly before the pressure of physical want as to deny themselves all gratification of this higher or spiritual need -Output Transcription: there is no class and no country that has yielded so abjectly before the pressure of physical want as to deny themselves all gratification of this higher or spiritual need -2021-09-20 08:40:03.732 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:40:03.732 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the lodge in which uncas was confined was in the very center of the village and in a situation perhaps more difficult than any other to approach or leave without observation -Output Transcription: the lodge in which uncas was confined was in the very center of the village and in a situation perhaps more difficult than any other to approach or leave without observation -2021-09-20 08:40:03.733 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:40:03.734 | INFO | deepspeech2x.model:test:372 - Error rate [wer] (1984/?) = 0.072708 -2021-09-20 08:40:06.598 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the farmer sat gloomily on the bench and would not eat and you cannot wonder for he saw us putting potfuls of his good beef and basket loads of bread into our big mouths -Output Transcription: the farmer sat gloomily on the benches would not eat and you cannot wonder for he saw us putting partfull of his good beef and baskets of bread and our big mouths -2021-09-20 08:40:06.606 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.176471 -2021-09-20 08:40:06.614 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: it's such a crush at the yearly meeting at arch street and then there's the row of sleek looking young men who line the curbstone and stare at us as we come out -Output Transcription: it's such a crush at the yearly meeting at arch street and then there's the row of sleek looking young men who line the curbstone and series as we come out -2021-09-20 08:40:06.622 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.090909 -2021-09-20 08:40:06.627 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: she makes effort after effort trembling with eagerness and when she fails to reproduce what she sees she works herself into a frenzy of grief and disappointment -Output Transcription: she makes effort after effort trembling with eagerness than when she fails to reproduce what she sees she works herself into a frenzy of grief and disappointment -2021-09-20 08:40:06.633 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.037037 -2021-09-20 08:40:06.636 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: till we arise link'd in a golden band and never part but walk united bearing food to all our tender flowers -Output Transcription: till we arise linked in a golden band and never part but walk united bearing food to all our tender flowers -2021-09-20 08:40:06.640 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.047619 -2021-09-20 08:40:06.642 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: housecleaning a domestic upheaval that makes it easy for the government to enlist all the soldiers it needs -Output Transcription: house cleaning a domestic upheaval and that makes it easy for the government to enlist all the soldiers at needs -2021-09-20 08:40:06.645 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.222222 -2021-09-20 08:40:06.645 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: they informed the english parliament of this unexpected incident and assured them that they had entered into no private treaty with the king -Output Transcription: they informed the english parliament of this unexpected incident and assured them that they had entered into no private treaty with the king -2021-09-20 08:40:06.646 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:40:06.651 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: thus did this humane and right minded father comfort his unhappy daughter and her mother embracing her again did all she could to soothe her feelings -Output Transcription: thus too the humane and right minded father comfort his unhappy daughter and her mother embracing her again did all she could to soothe feelings -2021-09-20 08:40:06.656 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.115385 -2021-09-20 08:40:06.661 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the fairview band was engaged to discourse as much harmony as it could produce and the resources of the great house were taxed to entertain the guests -Output Transcription: the fairview pound was engaged to discourse as much harmony as it could produce and the resources of the great house were taxed to entertain the guests -2021-09-20 08:40:06.667 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.037037 -2021-09-20 08:40:06.667 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i think the next glass cat the magician makes will have neither brains nor heart for then it will not object to catching mice and may prove of some use to us -Output Transcription: i think the next glass cat the magician makes will have neither brains nor heart for then it will not object to catching mice and may prove of some use to us -2021-09-20 08:40:06.667 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:40:06.674 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i shan't trouble you about my train of thoughts or fancies but i began to feel very like a gentleman in a ghost story watching experimentally in a haunted chamber -Output Transcription: i shan't trouble you about my train of thoughts or fancies but i began to feel very like a gentleman in the ghost story watching experimentally in a haunted chamber -2021-09-20 08:40:06.681 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.033333 -2021-09-20 08:40:06.686 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: he often stopped to examine the trees nor did he cross a rivulet without attentively considering the quantity the velocity and the color of its waters -Output Transcription: he often stopped to examine the trees nor did he cross the rivulet without attentively considering the quantity the velocity and the color of its waters -2021-09-20 08:40:06.691 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.038462 -2021-09-20 08:40:06.691 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the news circulated with the rapidity of lightning during its progress it kindled every variety of coquetry desire and wild ambition -Output Transcription: the news circulated with the rapidity of lightning during its progress it kindled every variety of coquetry desire and wild ambition -2021-09-20 08:40:06.691 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:40:06.697 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i'll gladly do that promised the new boolooroo and i'll feed the honorable goat all the shavings and leather and tin cans he can eat besides the grass -Output Transcription: i will gladly do that promised the new bolero and i'll feed the honorable gold all the shavings and leather and tin cans can eat besides the grass -2021-09-20 08:40:06.703 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.178571 -2021-09-20 08:40:06.709 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: it was this observation that drew from douglas not immediately but later in the evening a reply that had the interesting consequence to which i call attention -Output Transcription: it was this observation that drew from douglas not immediately but later in the evening reply that had the interesting consequence to which i call attention -2021-09-20 08:40:06.714 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.037037 -2021-09-20 08:40:06.718 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: well i'm convinced that the boarded up house mystery happened not earlier than april sixteenth eighteen sixty one and probably not much later -Output Transcription: well and convinced at the boarded up house mystery happened not earlier than april sixteen eighteen sixty one and probably not much later -2021-09-20 08:40:06.722 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.130435 -2021-09-20 08:40:06.726 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: and hence we find the same sort of clumsiness in the timaeus of plato which characterizes the philosophical poem of lucretius -Output Transcription: and hence we find the same sort of clumsiness in the timaeus of plato which characterizes to philosophical pan of lucretius -2021-09-20 08:40:06.729 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.095238 -2021-09-20 08:40:06.735 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: and he placed it in that gentleman's fingers who now took his turn at the lamp and contemplated the little parallelogram with a gleam of sly amusement -Output Transcription: and he placed it in that gentleman's fingers who now took his turn to the lamp and contemplated the little parallelogram with a gleam of sly amusement -2021-09-20 08:40:06.740 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.037037 -2021-09-20 08:40:06.746 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: there was a bright moonlight broken by the shadows of overhanging boughs and withered leaves and the mottled lights and shadows glided oddly across his pale features -Output Transcription: there was a bright moon light broken by the shadows of overhanging boughs and with her leaves and the model lights and shadows glided oddly across his pale features -2021-09-20 08:40:06.752 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.185185 -2021-09-20 08:40:06.755 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: nemo builds a fabulous futuristic submarine the nautilus then conducts an underwater campaign of vengeance against his imperialist oppressor -Output Transcription: name of build a fabulous futuristic submarine the nautilus then conducts an underwater campaign of vengeance against his imperialist oppressor -2021-09-20 08:40:06.758 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.157895 -2021-09-20 08:40:06.759 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the principle employed in the edison electrolytic meter is that which exemplifies the power of electricity to decompose a chemical substance -Output Transcription: the principle employed in the edison electrolytic meter is that which exemplifies the power of electricity to decompose a chemical substance -2021-09-20 08:40:06.759 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:40:06.759 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: all my danger and sufferings were needed to strike a spark of human feeling out of him but now that i am well his nature has resumed its sway -Output Transcription: all my danger and sufferings were needed to strike a spark of human feeling out of him but now that i am well his nature has resumed its sway -2021-09-20 08:40:06.760 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:40:06.767 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: on the mast already i see the light play of a lambent saint elmo's fire the outstretched sail catches not a breath of wind and hangs like a sheet of lead -Output Transcription: on the mast already i see the light play of alaminos saint elmo's fire the ostrich sail catches not a breath of wind and hangs like a sheet of lead -2021-09-20 08:40:06.774 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.096774 -2021-09-20 08:40:06.778 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the task will not be difficult returned david hesitating though i greatly fear your presence would rather increase than mitigate his unhappy fortunes -Output Transcription: the task will not be difficult return david hesitating though i greatly fear our presence would rather increase that mitigate his unhappy fortunes -2021-09-20 08:40:06.783 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.130435 -2021-09-20 08:40:06.787 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: nay i rather thrilled distrusting every light that seemed to gild the onward path and feared to overlean a finger even -Output Transcription: nay i rather thrilled distrusting every light that seemed to gild the onward caf and fear to over lean a finger even -2021-09-20 08:40:06.790 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.190476 -2021-09-20 08:40:06.797 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: this missus poyser said blushing and believing that the captain was really interested in her milk pans and would adjust his opinion of her to the appearance of her dairy -Output Transcription: this miss poyser said blushing and believing that the captain was really interested in her mops and would adjust his opinion of her to the appearance of her dairy -2021-09-20 08:40:06.804 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.100000 -2021-09-20 08:40:06.810 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: yes i need repose many things have agitated me to day both in mind and body when you return to morrow i shall no longer be the same man -Output Transcription: yes i need repose many things have agitated me today both in mind and body when you return tomorrow i shall no longer be the same man -2021-09-20 08:40:06.816 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.137931 -2021-09-20 08:40:06.824 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i hope thee told the elders that father and i are responsible for the piano and that much as thee loves music thee is never in the room when it is played -Output Transcription: i hope he told the elders that father and i responsible for the piano and that much as the loves music the is never in the room when it is played -2021-09-20 08:40:06.831 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.125000 -2021-09-20 08:40:06.831 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: therefore i feel myself quite able as president of this republic to receive you with a courtesy due to the servants of a friendly ally -Output Transcription: therefore i feel myself quite able as president of this republic to receive you with a courtesy due to the servants of a friendly ally -2021-09-20 08:40:06.832 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:40:06.833 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: he was in the midst of that when your return caused him to make a very hurried retreat very hurried since he had not time to replace the papers which would tell you that he had been there -Output Transcription: he was in the midst of that when your return caused him to make a very hurried retreat very hurried since he had not time to replace the papers which would tell you that he had been there -2021-09-20 08:40:06.833 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:40:06.841 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: in fact he had just finished it the last of the trout's tail had just vanished with a spasm down his strained gullet when the baffled hawk caught sight of him and swooped -Output Transcription: in fact he had just finished it the last of the trout's tail had just vanished with the spasm down his strange gullet when the baffled hawk caught sight of him and swooped -2021-09-20 08:40:06.851 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.060606 -2021-09-20 08:40:06.857 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: it is a gleaner bringing down her one sheaf of corn to an old watermill itself mossy and rent scarcely able to get its stones to turn -Output Transcription: it is a gleaner bringing down her one sheaf of corn to an old water mill itself mossy and rent scarcely able to get its stones to turn -2021-09-20 08:40:06.863 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.074074 -2021-09-20 08:40:06.869 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: in fact the sound of madame's and the queen's carriages could be heard in the distance upon the hard dry ground of the roads followed by the mounted cavaliers -Output Transcription: in fact the sound of madams and the queen's carriages could be heard in the distance upon the hard dry ground of the roads followed by the mountain cavaliers -2021-09-20 08:40:06.875 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.068966 -2021-09-20 08:40:06.876 | INFO | deepspeech2x.model:test:372 - Error rate [wer] (2016/?) = 0.072905 -2021-09-20 08:40:12.052 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i know his farm is in better order than any other within ten miles of us and as for the kitchen he added smiling i don't believe there's one in the kingdom to beat it -Output Transcription: i know his arm is in better order than any other within ten miles of us and as for the kitchen he added smiling i don't believe there is one in the kingdom to eat it -2021-09-20 08:40:12.062 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.114286 -2021-09-20 08:40:12.069 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the cunning man is afraid that his breath will blow upon his brothers and take away their courage too continued david improving the hint he received they must stand further off -Output Transcription: the cunning man is afraid that his breath will blow upon his brothers and take away their courage to continued david improving the hand he received they must stand further off -2021-09-20 08:40:12.077 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.064516 -2021-09-20 08:40:12.084 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: on either side of the road for a mile before you reached the foot of the hill stood tall osage orange hedges their glossy green marking off the yellow fields -Output Transcription: on either side of the road for a mile before you reach the foot of the hill stood tall osage or in changes their glossy green mocking off the yellow fields -2021-09-20 08:40:12.091 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.166667 -2021-09-20 08:40:12.097 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: that christ is very god is apparent in that paul ascribes to him divine powers equally with the father as for instance the power to dispense grace and peace -Output Transcription: that christ is very god is apparent in that paul ascribes to him divine powers equally with the father as for instance the power to the spence grace and peace -2021-09-20 08:40:12.104 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.068966 -2021-09-20 08:40:12.104 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: by quick marches through these inaccessible mountains that general freed himself from the superior forces of the covenanters -Output Transcription: by quick marches through these inaccessible mountains that general freed himself from the superior forces of the covenanters -2021-09-20 08:40:12.105 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:40:12.109 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: but thel is like a faint cloud kindled at the rising sun i vanish from my pearly throne and who shall find my place -Output Transcription: but thou is like a faint cloud kindled at the rising sun i vanished from my pearly throne and who shall find my place -2021-09-20 08:40:12.113 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.083333 -2021-09-20 08:40:12.114 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: forgive me i hardly know what i am saying a thousand times forgive me madame was right quite right this brutal exile has completely turned my brain -Output Transcription: forgive me i hardly know what i am saying a thousand times forgive me madame was right quite right this brutal exile has completely turned my brain -2021-09-20 08:40:12.114 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:40:12.118 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: but her greeting to captain lake was more than usually haughty and frozen and her features i fancied particularly proud and pale -Output Transcription: but her greeting to captain mike was more than usually haughty and frozen and her features i fancied particularly proud and pale -2021-09-20 08:40:12.121 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.045455 -2021-09-20 08:40:12.121 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: bishops virgins and even spotless infants were subjected to the disgrace of a public penance before they could be admitted to the communion of the donatists -Output Transcription: bishops virgins and even spotless infants were subjected to the disgrace of a public penance before they could be admitted to the communion of the donatists -2021-09-20 08:40:12.122 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:40:12.122 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the south she had not thought of seriously and yet knowing of its delightful hospitality and mild climate she was not averse to charleston or new orleans -Output Transcription: the south she had not thought of seriously and yet knowing of its delightful hospitality and mild climate she was not averse to charleston or new orleans -2021-09-20 08:40:12.122 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:40:12.128 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the queens had taken their seats upon a magnificent dias or platform erected upon the borders of the lake in a theater of wonderful elegance of construction -Output Transcription: the queens had taken their seats upon a magnificent dais or platform erected upon the borders of the lake in a theatre of wonderful elegance of construction -2021-09-20 08:40:12.133 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.074074 -2021-09-20 08:40:12.137 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the pleasant graveyard of my soul with sentimental cypress trees and flowers is filled that i may stroll in meditation at my ease -Output Transcription: the pleasant graveyard of my soul with sentimental cyprus trees and flowers is filled then i may stroll and meditation at my ease -2021-09-20 08:40:12.141 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.130435 -2021-09-20 08:40:12.146 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: and the wan oracle having spoken she sate down in the same sort of abstraction again beside dorcas and she looked full in her cousin's eyes -Output Transcription: and the wan oracle having spoken she sat down in the same sort of obstruction again beside dorcas and she looked full in her cousin's eyes -2021-09-20 08:40:12.151 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.076923 -2021-09-20 08:40:12.159 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: as to any other kind of discipline whether addressed to her mind or heart little pearl might or might not be within its reach in accordance with the caprice that ruled the moment -Output Transcription: as to any other kind of discipline whether addressed to her mind or heart little pearl might or might not be within its reach in accordance with the caprice that lined the moment -2021-09-20 08:40:12.168 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.030303 -2021-09-20 08:40:12.168 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: as the ambassador of a government is honored for his office and not for his private person so the minister of christ should exalt his office in order to gain authority among men -Output Transcription: as the ambassador of a government is honored for his office and not for his private person so the minister of christ should exalt his office in order to gain authority among men -2021-09-20 08:40:12.168 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:40:12.174 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: see said uncas pointing north and south at the evident marks of the broad trail on either side of him the dark hair has gone toward the forest -Output Transcription: see said uncas pointing north and south at the evident marks of the broad trail on either side of him the dark hair has gone towards the forest -2021-09-20 08:40:12.180 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.035714 -2021-09-20 08:40:12.187 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: he was beginning to feel a keen interest in the slender barefoot donkey girl who slipped in and out of the play singing like some one winding through a hilly field -Output Transcription: he was beginning to feel keen interest in the slender barefoot donkey girl who slipped her and out of the play singing like some one winding through hilly fields -2021-09-20 08:40:12.194 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.129032 -2021-09-20 08:40:12.199 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the free state men clung to their prairie towns and prairie ravines with all the obstinacy and courage of true defenders of their homes and firesides -Output Transcription: the freestate men clung to their prairie towns and prairie vines with all the obstinacy and courage of true defenders of their homes and firesides -2021-09-20 08:40:12.203 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.115385 -2021-09-20 08:40:12.208 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: lives not alone nor or itself fear not and i will call the weak worm from its lowly bed and thou shalt hear its voice -Output Transcription: lives not alone nor of itself fear not and i will call the weak worm from its lowly bed and thou shalt hear its voice -2021-09-20 08:40:12.213 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.040000 -2021-09-20 08:40:12.217 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: in winter when the snow lay glittering on the ground a hare would often come leaping along and jump right over the little tree -Output Transcription: in winter when the snow lay glittering on the ground a hair would often come leaping along and jump right over the little tree -2021-09-20 08:40:12.221 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.041667 -2021-09-20 08:40:12.222 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i had always known him to be restless in his manner but on this particular occasion he was in such a state of uncontrollable agitation that it was clear something very unusual had occurred -Output Transcription: i had always known him to be restless in his manner but on this particular occasion he was in such a state of uncontrollable agitation that it was clear something very unusual had occurred -2021-09-20 08:40:12.222 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:40:12.227 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: but observe you can only do this on one condition that of striving also to create in reality the beauty which you seek in imagination -Output Transcription: but observe you can only do this on one condition that of striving also to create in reality the beauty which you seek an imagination -2021-09-20 08:40:12.231 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.040000 -2021-09-20 08:40:12.231 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the edict of milan the great charter of toleration had confirmed to each individual of the roman world the privilege of choosing and professing his own religion -Output Transcription: the edict of milan the great charter of toleration had confirmed to each individual of the roman world the privilege of choosing and professing his own religion -2021-09-20 08:40:12.232 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:40:12.240 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: before any could stop him he butted his majesty so furiously that the king soared far into the air and tumbled in a heap among the benches where he lay moaning and groaning -Output Transcription: before any good stop him he buried his majesty so furiously that the king soared far into the air and tumbled in a heap among the benches where he lay moaning and groaning -2021-09-20 08:40:12.249 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.060606 -2021-09-20 08:40:12.249 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: as a sample of the press comments against the brutality of the missourians i quote a paragraph from the quincy argus march sixteenth eighteen thirty nine -Output Transcription: as a sample of the press comments against the brutality of the missourians i quote a paragraph from the quincy argus march sixteenth eighteen thirty nine -2021-09-20 08:40:12.250 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:40:12.250 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: so saying she led the way on tiptoe followed by the children out of the room and round by a circuitous route to the piazza there -Output Transcription: so saying she led the way on tiptoe followed by the children out of the room and round by a circuitous route to the piazza there -2021-09-20 08:40:12.251 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:40:12.258 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: hostess replaces lump and inclines empty teapot over tray for a moment then hands him a cup painted brown inside thus deceiving the gentleman with the telescope in the upper circle -Output Transcription: hotis replaces lump and inclined to empty teapot over tray for a moment then hand make up painted brown inside thus deceiving the gentleman with the telescope in the upper circle -2021-09-20 08:40:12.266 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.225806 -2021-09-20 08:40:12.272 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: it was specially suited for a trial plant also in the early days when a yield of six or eight lamps to the horse power was considered subject for congratulation -Output Transcription: it was specially suited for a trial plant also in the early days when a yield of six or eight lamps to the horsepower was consider subject for congratulation -2021-09-20 08:40:12.279 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.100000 -2021-09-20 08:40:12.279 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: in the present day we are well aware that an ancient philosopher is to be interpreted from himself and by the contemporary history of thought -Output Transcription: in the present day we are well aware that an ancient philosopher is to be interpreted from himself and by the contemporary history of thought -2021-09-20 08:40:12.280 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:40:12.288 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: one of mister hopkins's first tasks after calling his faithful henchmen around him was to make a careful canvass of the voters of his district to see what was still to be accomplished -Output Transcription: one of hester hopkins first tasks after calling his faithful henchmen around him was to make a careful kilns of the voters of his district to see what was still to be accomplished -2021-09-20 08:40:12.297 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.090909 -2021-09-20 08:40:12.301 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: ralph thurston had found a line of latin for them in his beloved horace tibi splendet focus for you the hearth fire shines -Output Transcription: ralph thurston had found a line of latin for them in his beloved horns to be splendid focus for you the hearth fire shines -2021-09-20 08:40:12.305 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.173913 -2021-09-20 08:40:12.308 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: it is black in misfortune it is blacker still in crime these two blacknesses amalgamated compose slang -Output Transcription: it is black and misfortune it is blacker still in crime these two blackness is amalgamated composed slang -2021-09-20 08:40:12.310 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.235294 -2021-09-20 08:40:12.312 | INFO | deepspeech2x.model:test:372 - Error rate [wer] (2048/?) = 0.072707 -2021-09-20 08:40:15.639 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: which thou dost scatter on every little blade of grass that springs revives the milked cow and tames the fire breathing steed -Output Transcription: which thou dost scatter on every little blade of grass that springs revives the milked cow and tames the fire breathing speed -2021-09-20 08:40:15.643 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.045455 -2021-09-20 08:40:15.655 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the old servant told him quietly as they crept back to gamewell that this passage way led from the hut in the pleasance to sherwood and that geoffrey for the time was hiding with the outlaws in the forest -Output Transcription: the old servant told him quietly as they crept back to game well that this passage way led from the hut in the pleasance to sherwood and that jeffrey for the time was hiding with the outlaws in the forest -2021-09-20 08:40:15.667 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.076923 -2021-09-20 08:40:15.667 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i have never yet however been vanquished by them and even upon this occasion my reason shall combat them to the last and my reason shall fail me before i do wrong -Output Transcription: i have never yet however been vanquished by them and even upon this occasion my reason shall combat them to the last and my reason shall fail me before i do wrong -2021-09-20 08:40:15.668 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:40:15.674 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: he hoped there would be stew for dinner turnips and carrots and bruised potatoes and fat mutton pieces to be ladled out in thick peppered flour fattened sauce -Output Transcription: he hoped there would be stew for dinner turnips and carrots and bruised potatoes and fat mutton pieces to be ladled out in thick peppered flower fattened sauce -2021-09-20 08:40:15.680 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.035714 -2021-09-20 08:40:15.686 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: he came down to earth lived among men suffered was crucified and then he died standing clearly before us so that our hearts and eyes may fasten upon him -Output Transcription: he came down to earth lived among men suffered was crucified and then he died standing clearly before us so that our hearts and eyes me fasten upon him -2021-09-20 08:40:15.692 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.034483 -2021-09-20 08:40:15.693 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: nothing is more lugubrious than the contemplation thus in its nudity in the broad light of thought of the horrible swarming of slang -Output Transcription: nothing is more lugubrious than the contemplation thus in its nudity in the broad light of thought of the horrible swarming of slang -2021-09-20 08:40:15.693 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:40:15.693 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: but this frequenter of the heights of air for all his savage valor was troubled at the leaping waves and the tossing foam of these mad rapids he did not understand them -Output Transcription: but this frequenter of the heights of air for all his savage valor was troubled at the leaping waves and the tossing foam of these mad rapids he did not understand them -2021-09-20 08:40:15.693 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:40:15.694 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: all the morning they trudged up the mountain path and at noon unc and ojo sat on a fallen tree trunk and ate the last of the bread which the old munchkin had placed in his pocket -Output Transcription: all the morning they trudged up the mountain path and at noon unc and ojo sat on a fallen tree trunk and ate the last of the bread which the old munchkin had placed in his pocket -2021-09-20 08:40:15.694 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:40:15.700 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: extinguished brands were lying around a spring the offals of a deer were scattered about the place and the trees bore evident marks of having been browsed by the horses -Output Transcription: extinguished brands were lying around a spring the awful of a deer were scattered about the place and the trees bore evident marks of having been browsed by the horses -2021-09-20 08:40:15.707 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.033333 -2021-09-20 08:40:15.715 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: we can all be servants of god wherever our lot is cast but he gives us different sorts of work according as he fits us for it and calls us to it -Output Transcription: we can all be servants of god wherever our lot is cast but he gives us different sorts of work according as he fits us for it and causes to it -2021-09-20 08:40:15.722 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.062500 -2021-09-20 08:40:15.731 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: but take it whilst i live and wear montfichet's shield in the days when my eyes can be rejoiced by so brave a sight for you will ne'er disgrace our scutcheon i warrant me -Output Transcription: but take it whilst i live and where monte's shield in the days when my eyes can be rejoiced by so brave a sight for you will never disgrace our dutch and i warrant me -2021-09-20 08:40:15.740 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.147059 -2021-09-20 08:40:15.748 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: among the country population its place is to some extent taken by savings and home comforts known through the medium of neighborhood gossip sufficiently to serve the like general purpose of pecuniary repute -Output Transcription: among the country population its place to some extent taken by savings and home comforts known through the medium of neighbours gossip sufficiently to serve the like general purpose of pecuniary repute -2021-09-20 08:40:15.756 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.060606 -2021-09-20 08:40:15.763 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: it has even happened that the name for certain diseased conditions of the body arising from such an origin has passed into everyday speech as a synonym for noble or gentle -Output Transcription: it has even happened that the name for certain disease conditions of the body arising from such an origin has passed into everyday speech as a synonym for noble or gentle -2021-09-20 08:40:15.770 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.032258 -2021-09-20 08:40:15.775 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the dull light fell more faintly upon the page whereon another equation began to unfold itself slowly and to spread abroad its widening tail -Output Transcription: the dull light fell more faintly upon the page where on another equation began to unfold itself slowly and to spread abroad its widening tail -2021-09-20 08:40:15.780 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.083333 -2021-09-20 08:40:15.787 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: whenever as in these cases the menial service in question has to do directly with the primary leisure employments of fighting and hunting it easily acquires a reflected honorific character -Output Transcription: whenever as in these cases the menial service in question has studied directly with a primary leisure employments of fighting and hunting it easily acquires a reflected on terrific character -2021-09-20 08:40:15.794 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.166667 -2021-09-20 08:40:15.800 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: it is notable that the indian tribes have generally regarded the religion of the latter day saints with favor seeing in the book of mormon striking agreement with their own traditions -Output Transcription: it is notable that the indian tribes have nearly regarded the religion of the latterday saints with favour seeing in the book mormon striking agreement with their own traditions -2021-09-20 08:40:15.807 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.161290 -2021-09-20 08:40:15.813 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: marie picked cherries and sang softly to herself stripping one glittering branch after another shivering when she caught a shower of raindrops on her neck and hair -Output Transcription: marie picked berries and saying softly to herself stripping one glittering ranch after another shivering when she taught a shower of rain drops on her neck and hair -2021-09-20 08:40:15.819 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.222222 -2021-09-20 08:40:15.823 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: first as a paris stockbroker later as a celebrated author and yachtsman he went on frequent voyages to britain america the mediterranean -Output Transcription: first as a paris stockbroker later as a celebrated author and yachtsmen he went on frequent voyages to britain america the mediterranean -2021-09-20 08:40:15.826 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.045455 -2021-09-20 08:40:15.826 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: at most by an alms given to a beggar whose blessing he fled from he might hope wearily to win for himself some measure of actual grace -Output Transcription: at most by an alms given to a beggar whose blessing he fled from he might hope wearily to win for himself some measure of actual grace -2021-09-20 08:40:15.827 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:40:15.827 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: it is probable that the relation of the ideas to god or of god to the world was differently conceived by him at different times of his life -Output Transcription: it is probable that the relation of the ideas to god or of god to the world was differently conceived by him at different times of his life -2021-09-20 08:40:15.827 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:40:15.830 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: he would be like a philologist refusing to examine a fact in language a philosopher hesitating to scrutinize a fact in humanity -Output Transcription: he would be like a philologist refusing to examine affect in language a philosopher hesitating to scrutinize effect in humanity -2021-09-20 08:40:15.834 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.181818 -2021-09-20 08:40:15.843 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: if beauty or comfort is achieved and it is a more or less fortuitous circumstance if they are they must be achieved by means and methods that commend themselves to the great economic law of wasted effort -Output Transcription: if beauty comfort is achieved and it is a more or less fortuitous circumstance if there they must be achieved by means and methods that commend themselves through the grate economic law of wasted effort -2021-09-20 08:40:15.853 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.135135 -2021-09-20 08:40:15.857 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: in actual fact there are doubtless various factors that concur in giving us the feeling of greater or less remoteness in some remembered event -Output Transcription: in actual fact there are doubtless various factors that concur in giving us the filling of greater or less remoteness and some remembered event -2021-09-20 08:40:15.862 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.083333 -2021-09-20 08:40:15.873 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: sometimes i don't want to do anything at all and sometimes i want to pull the four corners of the divide together he threw out his arm and brought it back with a jerk so like a table cloth -Output Transcription: sometimes i don't want to do anything at all and sometimes i want to pull the four corners of the divide together he threw out his arm and brought it back with a jerk so like a tablecloth -2021-09-20 08:40:15.883 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.051282 -2021-09-20 08:40:15.892 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: such consumption as falls to the women is merely incidental to their work it is a means to their continued labour and not a consumption directed to their own comfort and fulness of life -Output Transcription: such consumption as falls through the woman is merely incidental to their work it is a means to their continued labor and not consumption directed to their own comfort and fullness of life -2021-09-20 08:40:15.900 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.147059 -2021-09-20 08:40:15.908 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: some of the touches indeed when the tint has been mixed with much water have been laid in little drops or ponds so that the pigment might crystallize hard at the edge -Output Transcription: some of the touches indeed when the tint has been mixed with much water have been laid in little drops her ponds so that the pigman might crystallize hard at the edge -2021-09-20 08:40:15.915 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.062500 -2021-09-20 08:40:15.916 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: for the first day sir i think that what you have done gives great hopes of you and without any doubt you will make rapid progress -Output Transcription: for the first day sir i think that what you have done gives great hopes of you and without any doubt you will make rapid progress -2021-09-20 08:40:15.916 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:40:15.916 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: at one end stood a great fireplace in which a blue log was blazing with a blue flame and over the fire hung four kettles in a row all bubbling and steaming at a great rate -Output Transcription: at one end stood a great fireplace in which a blue log was blazing with a blue flame and over the fire hung four kettles in a row all bubbling and steaming at a great rate -2021-09-20 08:40:15.917 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:40:15.925 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the tree only came to himself when he was unloaded in a court yard with the other trees and heard a man say that one is splendid we don't want the others -Output Transcription: the tree only came to himself when he was unloaded in a courtyard with the other trees and heard a man say that one is splendid we don't want the others -2021-09-20 08:40:15.933 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.062500 -2021-09-20 08:40:15.933 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: as i spoke i made him a gracious bow and i think i showed him by my mode of address that i did not bear any grudge as to my individual self -Output Transcription: as i spoke i made him a gracious bow and i think i showed him by my mode of address that i did not bear any grudge as to my individual self -2021-09-20 08:40:15.933 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:40:15.936 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: you will find me continually speaking of four men titian holbein turner and tintoret in almost the same terms -Output Transcription: you will find me continually speaking of four men titian holbein turner and tinkered in almost the same terms -2021-09-20 08:40:15.940 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.052632 -2021-09-20 08:40:15.947 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: he has no traditions to bind him or guide him and his impulse is to break away from the occupation his father has followed and make a new way for himself -Output Transcription: he has no traditions to bind him or guide him and his impulse is to break away from the occupation his father has followed and making way for himself -2021-09-20 08:40:15.954 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.096774 -2021-09-20 08:40:15.955 | INFO | deepspeech2x.model:test:372 - Error rate [wer] (2080/?) = 0.072462 -2021-09-20 08:40:21.634 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: when a private in the eighth cavalry he had been on the point of quitting the army at twenty eight years of age but unexpectedly he had been appointed orderly to captain servadac -Output Transcription: when a private in the eighth cavalry he had been on the point of quitting the army at twenty eight years of age but unexpectedly he had been appointed orderly to captain servia -2021-09-20 08:40:21.643 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.030303 -2021-09-20 08:40:21.652 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: not that i know of not one more that i know of he replied with astonishment at what she had insinuated and yet with a perfect assurance that she was in the wrong -Output Transcription: not that i know of not one more that i know of he replied with astonishment at what she had insinuated and yet with perfect assurance that she was in the wrong -2021-09-20 08:40:21.661 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.030303 -2021-09-20 08:40:21.669 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: delivered in a strong tone of assent announced the gratification the savage would receive in witnessing such an exhibition of weakness in an enemy so long hated and so much feared -Output Transcription: delivered in a strong tone of ascent announced the gratification the savage would receive and witnessing such an exhibition of weakness in an enemy so long hated and so much feared -2021-09-20 08:40:21.677 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.064516 -2021-09-20 08:40:21.677 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: she was young untried nervous it was a vision of serious duties and little company of really great loneliness -Output Transcription: she was young untried nervous it was a vision of serious duties and little company of really great loneliness -2021-09-20 08:40:21.678 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:40:21.678 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: mindful however of her own errors and misfortunes she early sought to impose a tender but strict control over the infant immortality that was committed to her charge -Output Transcription: mindful however of her own errors and misfortunes she early sought to impose a tender but strict control over the infant immortality that was committed to her charge -2021-09-20 08:40:21.679 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:40:21.684 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the night was clear starlit and splendid the tempest had passed away and the sweet influences of the evening had restored life peace and security everywhere -Output Transcription: the night was clear starlet and splendid the tempest had passed away and the sweet influences of the evening had restored life peace and security everywhere -2021-09-20 08:40:21.690 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.038462 -2021-09-20 08:40:21.694 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: but in their selection of a constitution the britannulists have unfortunately allowed themselves but one deliberative assembly and hence have sprung their present difficulties -Output Transcription: but in their selection of a constitution the penulis have unfortunately allowed themselves but one deliberate assembly and hence has sprung their present difficulties -2021-09-20 08:40:21.699 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.125000 -2021-09-20 08:40:21.708 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: that summer the rains had been so many and opportune that it was almost more than shabata and his man could do to keep up with the corn the orchard was a neglected wilderness -Output Transcription: that summer the reins had been so many and opportune that it was almost more than shebaa and his man could do to keep up with the corn the orchard was a neglected wilderness -2021-09-20 08:40:21.716 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.058824 -2021-09-20 08:40:21.722 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: it could not be used for electroplating or deposition nor could it charge storage batteries all of which are easily within the ability of the direct current -Output Transcription: it could not be used for electro plating or deposition nor could i charge to ridge batteries all of which are easily within the ability of the directcurrent -2021-09-20 08:40:21.728 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.259259 -2021-09-20 08:40:21.731 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: love is a babe then might i not say so to give full growth to that which still doth grow -Output Transcription: love is a babe then might i not say so to give full grove to that which still doth grow -2021-09-20 08:40:21.734 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.050000 -2021-09-20 08:40:21.745 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the only duplicate which existed so far as i knew was that which belonged to my servant bannister a man who has looked after my room for ten years and whose honesty is absolutely above suspicion -Output Transcription: the only duplicate which existed so far as i knew it was that which belonged to my servant banister a man who has looked after my room for ten years and whose honesty is absolutely above suspicion -2021-09-20 08:40:21.755 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.055556 -2021-09-20 08:40:21.755 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i believe it sir and that is what i fear therefore the principal object of my visit here is to devote myself entirely to the study of the french language -Output Transcription: i believe it sir and that is what i fear therefore the principal object of my visit here is to devote myself entirely to the study of the french language -2021-09-20 08:40:21.756 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:40:21.762 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: we shut our eyes the flowers bloom on we murmur but the corn ears fill we choose the shadow but the sun that casts it shines behind us still -Output Transcription: we shut our eyes the flowers bloemen we murmur but the corners fill we choose the shadow but the sun that cast it shines behind us still -2021-09-20 08:40:21.768 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.172414 -2021-09-20 08:40:21.768 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: missus grey had met southerners before but not intimately and she always had in mind vividly their cruelty to poor negroes a subject she made a point of introducing forthwith -Output Transcription: missus grey had met southerners before but not intimately and she always had in mind vividly their cruelty to poor negroes a subject she made a point of introducing forthwith -2021-09-20 08:40:21.769 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:40:21.773 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: oh to shoot my soul's full meaning into future years that they should lend it utterance and salute love that endures from life that disappears -Output Transcription: o to shoot my souls full meaning into future years that they should lend it utterance and salute love that endures from life that disappears -2021-09-20 08:40:21.778 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.080000 -2021-09-20 08:40:21.779 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: let me say here distinctly to have done with it that this narrative from an exact transcript of my own made much later is what i shall presently give -Output Transcription: let me say here distinctly to have done with it that this narrative from an exact transcript of my own made much later is what i shall presently give -2021-09-20 08:40:21.779 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:40:21.790 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: if i go to meeting at all i like best to sit in the quiet old house in germantown where the windows are all open and i can see the trees and hear the stir of the leaves -Output Transcription: if i go to meeting at all i like best to sit in the quiet old house in germantown where the windows are all open and i can see the trees and hear the stir of leaves -2021-09-20 08:40:21.801 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.026316 -2021-09-20 08:40:21.808 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: in a few moments he heard the cherries dropping smartly into the pail and he began to swing his scythe with that long even stroke that few american boys ever learn -Output Transcription: in a few moments he heard the cherries dropping smartly into the pale and he began to swing his sight with that long even strokes that few american boys ever learn -2021-09-20 08:40:21.816 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.096774 -2021-09-20 08:40:21.816 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: sire he said your majesty's most devoted servant approaches to perform a service on this occasion with similar zeal that he has already shown on the field of battle -Output Transcription: sire he said your majesty's most devoted servant approaches to perform a service on this occasion with similar zeal that he has already shown on the field of battle -2021-09-20 08:40:21.817 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:40:21.817 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: he was a splendid figure of a boy tall and straight as a young pine tree with a handsome head and stormy gray eyes deeply set under a serious brow -Output Transcription: he was a splendid figure of a boy tall and straight as a young pine tree with a handsome head and stormy gray eyes deeply set under a serious brow -2021-09-20 08:40:21.817 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:40:21.824 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the street conductors were of the overhead pole line construction and were installed by the construction company that had been organized by edison to build and equip central stations -Output Transcription: the street conductors were of the overhead pull line construction and ward installed by the construction company that had been organized by edison to build an equipped central stations -2021-09-20 08:40:21.830 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.137931 -2021-09-20 08:40:21.836 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the late astounding events however had rendered procope manifestly uneasy and not the less so from his consciousness that the count secretly partook of his own anxiety -Output Transcription: the light astounding events however had rendered procomp manifestly uneasy and not the less so from his consciousness that the count secretly partook of his own anxiety -2021-09-20 08:40:21.842 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.074074 -2021-09-20 08:40:21.842 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the people contested these measures one by one in the courts presenting in case after case the different phases of the subject and urging the unconstitutionality of the measure -Output Transcription: the people contested these measures one by one in the courts presenting in case after case the different phases of the subject and urging the unconstitutionality of the measure -2021-09-20 08:40:21.842 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:40:21.847 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the incident was not violent nor even dramatic no posse was summoned no further effort made and reeder fearing personal violence soon fled in disguise -Output Transcription: the incident was not violent nor even dramatic no posse was summoned no further effort made and reader fearing personal violence soon fled in disguise -2021-09-20 08:40:21.852 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.040000 -2021-09-20 08:40:21.860 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: she meanwhile passed her life with her parents in the strictest retirement never letting herself be seen but shunning every eye lest it should read her misfortune in her face -Output Transcription: she meanwhile past her life with her parents in the strictest to retirement never letting herself be seen but shunning every eye lest it should read her misfortune in her face -2021-09-20 08:40:21.867 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.066667 -2021-09-20 08:40:21.873 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: it is only a pencil outline by edward burne jones in illustration of the story of psyche it is the introduction of psyche after all her troubles into heaven -Output Transcription: it is only a pencil outline by edward burnejones in illustration of the story of psyche it is the introduction of psyche after all her troubles into heaven -2021-09-20 08:40:21.880 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.068966 -2021-09-20 08:40:21.890 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: this person was rodolfo who though he had gone to look for his friends had changed his mind in that respect not thinking it advisable to acquaint them with what had passed between him and the girl -Output Transcription: this person was rudolf ul although he had gone to look for his friends had changed his mind in that respect not thinking it advisable to acquaint them with what had passed between him and the girl -2021-09-20 08:40:21.901 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.081081 -2021-09-20 08:40:21.902 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: half an hour later turning a deaf ear to all remonstrance he gave the proprietors until five o'clock to remove their families and personal property from the free state hotel -Output Transcription: half an hour later turning a deaf ear to all remonstrance he gave the proprietors until five o'clock to remove their families and personal property from the free state hotel -2021-09-20 08:40:21.902 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:40:21.902 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the custom of festive gatherings probably originated in motives of conviviality and religion these motives are also present in the later development but they do not continue to be the sole motives -Output Transcription: the custom of festive gatherings probably originated in motives of conviviality and religion these motives are also present in the later development but they do not continue to be the sole motives -2021-09-20 08:40:21.903 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:40:21.910 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: in a few days an officer came with a requisition from governor shannon and took the prisoner by land to westport and afterwards from there to kansas city and leavenworth -Output Transcription: in a few days an officer came with a requisition from governor shannon and took the prisoner by land of westport and afterwards from there to kansas city and leavenworth -2021-09-20 08:40:21.917 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.033333 -2021-09-20 08:40:21.926 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: if however they take your scalp as i trust and believe they will not depend on it uncas and i will not forget the deed but revenge it as becomes true warriors and trusty friends -Output Transcription: if however they take your scalp as i trust and believe they will not depend on it uncas and i will not forget the deed but revenge is becomes true warriors and trusty friends -2021-09-20 08:40:21.935 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.057143 -2021-09-20 08:40:21.946 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i think he was perhaps more appreciative than i was of the discipline of the edison construction department and thought it would be well for us to wait until the morning of the fourth before we started up -Output Transcription: i think he was perhaps more appreciative that i was of the discipline of the edison construction department and thought it would be well for us to wait until the morning of the fourth before we started up -2021-09-20 08:40:21.957 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.026316 -2021-09-20 08:40:21.958 | INFO | deepspeech2x.model:test:372 - Error rate [wer] (2112/?) = 0.071820 -2021-09-20 08:40:25.595 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: she taught her daughter then by her own affection for it that love for a country where they had both been hospitably received and where a brilliant future opened before them -Output Transcription: she taught her daughter then by her own affection for it that love for a country where they had both been hospitably received and where a brilliant future open for them -2021-09-20 08:40:25.603 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.064516 -2021-09-20 08:40:25.612 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: at the head of the pinkies were ghip ghisizzle and button bright who had the parrot on his shoulder and they were supported by captain coralie and captain tintint and rosalie the witch -Output Transcription: at the head of the pinkies were got casio and but and brit who had a parrot on his shoulder and they were supported by captain coralie and captain ten tent and rosalie the witch -2021-09-20 08:40:25.621 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.242424 -2021-09-20 08:40:25.628 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: so there came a step and a little rustling of feminine draperies the small door opened and rachel entered with her hand extended and a pale smile of welcome -Output Transcription: so there came a step and the little rustling of feminine draperies the small door opened and rachel entered with her hand extended and a pale smile of welcome -2021-09-20 08:40:25.634 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.034483 -2021-09-20 08:40:25.639 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: to such persons these indirect modes of training children in habits of subordination to their will or rather of yielding to their influence are specially useful -Output Transcription: to such persons these indirect mode of training children inhabit of subordination to their will or rather of yielding to their influence are especially useful -2021-09-20 08:40:25.644 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.153846 -2021-09-20 08:40:25.651 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: a gramophone by the help of suitable records might relate to us the incidents of its past and people are not so different from gramophones as they like to believe -Output Transcription: a gramaphone by the help of suitable records might relate to us the incidents of its past and people are not so different from grantees as they like to believe -2021-09-20 08:40:25.658 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.066667 -2021-09-20 08:40:25.664 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: his specifications for an open sea submarine and a self contained diving suit were decades before their time yet modern technology bears them out triumphantly -Output Transcription: his specifications for an open sea submarine at a self containing diving suit or decades before their time yet modern technology where is the mount triumphantly -2021-09-20 08:40:25.669 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.280000 -2021-09-20 08:40:25.673 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: edison was intolerant of sham and shoddy and nothing would satisfy him that could not stand cross examination by microscope test tube and galvanometer -Output Transcription: edison was intolerant of sham and shoddy and nothing would satisfy him that could not stand cross examination by microscope test tubes and galvanometer -2021-09-20 08:40:25.678 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.041667 -2021-09-20 08:40:25.678 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: little pearl who was as greatly pleased with the gleaming armour as she had been with the glittering frontispiece of the house spent some time looking into the polished mirror of the breastplate -Output Transcription: little pearl who was as greatly pleased with the gleaming armour as she had been with the glittering frontispiece of the house spent some time looking into the polished mirror of the breastplate -2021-09-20 08:40:25.678 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:40:25.686 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: to celebrate the arrival of her son silvia gave a splendid supper to which she had invited all her relatives and it was a good opportunity for me to make their acquaintance -Output Transcription: to celebrate the arrival of her son sylvia gave a splendid supper to which he had invited all her relatives and it was a good opportunity for me to make their acquaintance -2021-09-20 08:40:25.694 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.062500 -2021-09-20 08:40:25.695 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: how comes it that while the first beatitude promises the kingdom of heaven to the poor of heart the second beatitude promises also to the meek that they shall possess the land -Output Transcription: how comes it that while the first beatitude promises the kingdom of heaven to the poor of heart the second beatitude promises also to the meek that they shall possess the land -2021-09-20 08:40:25.695 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:40:25.700 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the wind never lulls but to acquire increased strength the vast bank of heavy clouds is a huge reservoir of fearful windy gusts and rushing storms -Output Transcription: the wind never lols but to acquire increased strength the vast bank of heavy clouds is a huge reservoir a fearful windy gusts and rushing storms -2021-09-20 08:40:25.706 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.076923 -2021-09-20 08:40:25.706 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: but poor rachel lake had more than that stoical hypocrisy which enables the tortured spirits of her sex to lift a pale face through the flames and smile -Output Transcription: but poor rachel lake had more than that stoical hypocrisy which enables the tortured spirits of her sex to lift a pale face through the flames and smile -2021-09-20 08:40:25.707 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:40:25.713 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the seasons allies of spring followed him closely to form a quadrille which after many words of more or less flattering import was the commencement of the dance -Output Transcription: the seasons allies spring followed him closely to form a quadrille which after many words of more or less flattering import was the commencement of the ans -2021-09-20 08:40:25.719 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.071429 -2021-09-20 08:40:25.723 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: now here is raphael exactly between the two trees still drawn leaf by leaf wholly formal but beautiful mist coming gradually into the distance -Output Transcription: now here is raphael exactly between the two trees still drawn leaf by leaf holly formal but beautiful mist coming gradually into the distance -2021-09-20 08:40:25.728 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.041667 -2021-09-20 08:40:25.742 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i wish you good night she laid her bony hands on the back of mister meadowcroft's invalid chair cut him short in his farewell salutation to me and wheeled him out to his bed as if she were wheeling him out to his grave -Output Transcription: i wish you good night she laid her bony hands on the back of mister me across invalid chair cut him short his farewell salutation to me and wheeled him out to his bed as if she were wheeling him out to his grave -2021-09-20 08:40:25.757 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.068182 -2021-09-20 08:40:25.767 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: many of these affiliated gentlemen of leisure are at the same time lesser men of substance in their own right so that some of them are scarcely at all others only partially to be rated as vicarious consumers -Output Transcription: many of these affiliate a gentleman of leisure at the same time lessen of substance in their own right so that some of them are scarcely at all others only partially to be rated as vicarious consumers -2021-09-20 08:40:25.778 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.157895 -2021-09-20 08:40:25.788 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: let us run then said all three and gracefully lifting up the long skirts of their silk dresses they lightly ran across the open space between the lake and the thickest covert of the park -Output Transcription: let us run then said all three and gracefully lifting up the long skirts of their silk dresses they lightly ran across the open space between the lake and the thickest covered at the park -2021-09-20 08:40:25.797 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.057143 -2021-09-20 08:40:25.797 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: they constitute two different orders of facts which correspond to each other which are always interlaced and which often bring forth results -Output Transcription: they constitute two different orders of facts which correspond to each other which are always interlaced and which often bring forth results -2021-09-20 08:40:25.797 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:40:25.811 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: keep silent as long as may be and it would be wise when you do speak to break out suddenly in one of your shoutings which will serve to remind the indians that you are not altogether as responsible as men should be -Output Transcription: keep silent as long as may be and it would be wise when you do speak to break out suddenly in one of your shouting which will serve to remind the indians that you are not altogether as responsible as men should be -2021-09-20 08:40:25.825 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.023256 -2021-09-20 08:40:25.832 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: then the republic of britannula was to be declared as non existent and the british flag was to be exalted and a british governor installed in the executive chambers -Output Transcription: then the republic of benin was to be declared as non existent and the reddish flag was to be exalted and a british governor and stalled in the executive chambers -2021-09-20 08:40:25.839 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.137931 -2021-09-20 08:40:25.845 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: when it is a question of probing a wound a gulf a society since when has it been considered wrong to go too far to go to the bottom -Output Transcription: when it is a question of proving a wound a golf a society since one has it been considered wrong to go too far to go to the bottom -2021-09-20 08:40:25.852 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.103448 -2021-09-20 08:40:25.858 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i sit beneath thy looks as children do in the noon sun with souls that tremble through their happy eyelids from an unaverred yet prodigal inward joy -Output Transcription: i sit beneath thy looks as children do in the noon sun with souls that tremble through their happy eyelids from an unaired yet prodigal inward joy -2021-09-20 08:40:25.863 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.037037 -2021-09-20 08:40:25.867 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: it engenders a whole world la pegre for which read theft and a hell la pegrenne for which read hunger -Output Transcription: it engenders a whole world la peg for which red theft and they held law piggin for which red hunger -2021-09-20 08:40:25.870 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.350000 -2021-09-20 08:40:25.870 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: he made a bow so deep that his back came near breaking and he was dumbfounded i can tell you when he saw it was nobody but anders -Output Transcription: he made a bow so deep that his back came near breaking and he was dumbfounded i can tell you when he saw it was nobody but anders -2021-09-20 08:40:25.870 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:40:25.875 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the mother in managing the case in this way relies partly on convincing the reason of the child and partly on an appeal to her affection -Output Transcription: the mother and managing the case in this way realized partly unconvincing the reason of the child and partly on an appeal to her affection -2021-09-20 08:40:25.880 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.153846 -2021-09-20 08:40:25.881 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: little by little however the latter became hemmed and bound in the meshes of the various devices and proceedings which the territorial officials evolved from the bogus laws -Output Transcription: little by little however the latter became hemmed and bound in the meshes of the various devices and proceedings which the territorial officials evolved from the bogus laws -2021-09-20 08:40:25.881 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:40:25.888 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the piled up vapours condense into water and the air put into violent action to supply the vacuum left by the condensation of the mists rouses itself into a whirlwind -Output Transcription: piled up vapours content in the water and the air put into violent action to supply the vacuum left by the condensation of the mist rouses itself into a whirlwind -2021-09-20 08:40:25.895 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.166667 -2021-09-20 08:40:25.905 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: sometimes he would wander on foot upon the sandy shore and sometimes he would enjoy a ride along the summit of the cliff altogether being in no hurry at all to bring his task to an end -Output Transcription: sometimes who would wander on foot upon the sandy shore and sometimes he would enjoy a ride along the summit of the cliff altogether being in no hurry at all to bring his task to an end -2021-09-20 08:40:25.916 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.027027 -2021-09-20 08:40:25.921 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: from the norwegian graveyard one looks out over a vast checker board marked off in squares of wheat and corn light and dark dark and light -Output Transcription: from the norwegian graveyard one looks out over a vast checkerboard marked off in squares of wheat and corn light and dark dark and light -2021-09-20 08:40:25.926 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.076923 -2021-09-20 08:40:25.934 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: well that may be true agreed margolotte but on the contrary a servant with too much brains is sure to become independent and high and mighty and feel above her work -Output Transcription: well that may be true agreed margo love but on the contrary a servant with too much brains is sure to become independent in high and mighty and feel above her work -2021-09-20 08:40:25.942 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.096774 -2021-09-20 08:40:25.949 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: don't know well of all things inwardly commented miss taylor literally born in cotton and oh well as much as to ask what's the use she turned again to go -Output Transcription: don't know well of all things inwardly commented miss taylor letter rayborn and gorton and oh well as much as to ask what's the use she turned again to go -2021-09-20 08:40:25.956 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.133333 -2021-09-20 08:40:25.956 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: they were now illuminated by the morning radiance of a young child's disposition but later in the day of earthly existence might be prolific of the storm and whirlwind -Output Transcription: they were now illuminated by the morning radiance of a young child's disposition but later in the day of earthly existence might be prolific of the storm and whirlwind -2021-09-20 08:40:25.956 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:40:25.957 | INFO | deepspeech2x.model:test:372 - Error rate [wer] (2144/?) = 0.072117 -2021-09-20 08:40:31.778 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: under the simple test of effectiveness for advertising we should expect to find leisure and the conspicuous consumption of goods dividing the field of pecuniary emulation pretty evenly between them at the outset -Output Transcription: under the simple test of effectiveness for advertising we should expect to find leisure and the conspicuous consumption of goods dividing the field of pecuniary emulation pretty evenly between them at the outset -2021-09-20 08:40:31.780 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:40:31.788 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: olive had painted the motto on a long narrow panel of canvas and giving it to mister popham stood by the fireside while he deftly fitted it into the place prepared for it -Output Transcription: all have had painted the motto on a long narrow panel of canvas and giving it to mister papa stood by the fireside while he deftly fitted it into the place prepared for it -2021-09-20 08:40:31.797 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.090909 -2021-09-20 08:40:31.803 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: soon thousands of converts had rented or purchased homes in missouri independence jackson county being their center but from the first they were unpopular among the missourians -Output Transcription: soon thousands of coders had rented or purchased homes in missouri independence jackson county being their center but from the first they were unpopular among the missourians -2021-09-20 08:40:31.809 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.037037 -2021-09-20 08:40:31.818 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: margolotte had first made the girl's form from the patchwork quilt and then she had dressed it with a patchwork skirt and an apron with pockets in it using the same gay material throughout -Output Transcription: large lot had first made the girls form from the patchwork quilt and then she had dressed it with the patchwork skirt and an apron with pockets in it using the same gay material throughout -2021-09-20 08:40:31.827 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.117647 -2021-09-20 08:40:31.835 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: o very well said gringo turning away with a shade of contempt you'll find if you are going into literature and newspaper work that you can't afford a conscience like that -Output Transcription: oh very well said gringo turning away with a shade of contempt you'll find if you are going into literature and news people work that you can't afford a conscience like that -2021-09-20 08:40:31.843 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.096774 -2021-09-20 08:40:31.854 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: know then son of my heart that this fainting lady is your real bride i say real because she is the one whom your father and i have chosen for you and the portrait was a pretence -Output Transcription: know then son of my heart that this fainting lady is your real bride i say real because she is the one whom your father and i have chosen for you and a portrait was a pretence -2021-09-20 08:40:31.864 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.027027 -2021-09-20 08:40:31.870 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: listen then socrates to a tale of solon's who being the friend of dropidas my great grandfather told it to my grandfather critias and he told me -Output Transcription: listen then socrates to a tale of soles who being the friend of dropins my great grandfather told it to my grandfather piteous and he told me -2021-09-20 08:40:31.876 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.111111 -2021-09-20 08:40:31.876 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: a narrow channel formed a passage through the ridge of rocks that protected it from the open sea and which even in the roughest weather would ensure the calmness of its waters -Output Transcription: a narrow channel formed a passage through the ridge of rocks that protected it from the open sea and which even in the roughest weather would ensure the calmness of its waters -2021-09-20 08:40:31.877 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:40:31.877 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: to suppose that the object of this work is to aid in effecting such a substitution as that is entirely to mistake its nature and design -Output Transcription: to suppose that the object of this work is to aid in effecting such a substitution as that is entirely to mistake its nature and design -2021-09-20 08:40:31.877 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:40:31.886 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: chelford had a note from mister wylder this morning another note his coming delayed and something of his having to see some person who is abroad continued dorcas after a little pause -Output Transcription: chelford had a note from mister wylder this morning another note his coming delayed and something of his having to see some person who was abroad continued dorcas after a little pause -2021-09-20 08:40:31.894 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.031250 -2021-09-20 08:40:31.899 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: his reception speech at westport in which he maintained the legality of the legislature and his determination to enforce their laws delighted his pro slavery auditors -Output Transcription: his reception speech at westport in which he maintained the legality of the legislature and his determination to enforce their laws delighted his proslavery auditors -2021-09-20 08:40:31.904 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.076923 -2021-09-20 08:40:31.912 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: and meantime i know the greatness of jehovah i acknowledge the perfection of his word i adore the purity of the christian faith my theory is right my practice horribly wrong -Output Transcription: and meantime i know the greatness of jehovah acknowledged the perfection of his word i adore the purity of the christian faith my theory is right my practice horribly wrong -2021-09-20 08:40:31.919 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.064516 -2021-09-20 08:40:31.931 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: his mother had left her to him as being her destined protector but when she saw that he too was insensible she was near making a third and would have done so had he not come to himself -Output Transcription: his mother had left her to him as being her destin protector but when she saw that he too was insensible she was near making a third and would have done so had it not come to himself -2021-09-20 08:40:31.942 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.052632 -2021-09-20 08:40:31.943 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: well but now said the princess and she filled his pockets with cakes and put her own heavy gold chain around his neck and bent down and kissed him -Output Transcription: well but now said the princess and she filled his pockets with cakes and put her own heavy gold chain around his neck and bent down and kissed him -2021-09-20 08:40:31.943 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:40:31.951 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: in all early gothic art indeed you will find failure of this kind especially distortion and rigidity which are in many respects painfully to be compared with the splendid repose of classic art -Output Transcription: in all regata garde indeed you will find failure of this kind especially distortion and rigidity which are in many respects painfully to be compared with the splendid repose of classic art -2021-09-20 08:40:31.959 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.090909 -2021-09-20 08:40:31.959 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i can set to work now to remember things i never remembered before such as what i had to eat for breakfast this morning and it can hardly be wholly habit that enables me to do this -Output Transcription: i can set to work now to remember things i never remembered before such as what i had to eat for breakfast this morning and it can hardly be wholly habit that enables me to do this -2021-09-20 08:40:31.960 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:40:31.960 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: he set off abruptly for the bull walking rapidly lest his father's shrill whistle might call him back and in a few moments he had rounded the curve at the police barrack and was safe -Output Transcription: he set off abruptly for the bull walking rapidly lest his father's shrill whistle might call him back and in a few moments he had rounded the curve at the police barrack and was safe -2021-09-20 08:40:31.960 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:40:31.961 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the governor on his part becoming doubtful of the legality of employing missouri militia to enforce kansas laws was also eager to secure the help of federal troops -Output Transcription: the governor on his part becoming doubtful of the legality of employing missouri militia to enforce kansas laws was also eager to secure the help of federal troops -2021-09-20 08:40:31.961 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:40:31.972 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: when this had been accomplished the boolooroo leaned over to try to discover why the frame rolled away seemingly of its own accord and he was the more puzzled because it had never done such a thing before -Output Transcription: when this have been accomplished the booooo leaned over to try to discover why the frame rolled away seemingly of its own accord and he was the more puzzled because i had never done such a thing before -2021-09-20 08:40:31.983 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.078947 -2021-09-20 08:40:31.984 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: her eyes seemed to regard him with mild pity her holiness a strange light glowing faintly upon her frail flesh did not humiliate the sinner who approached her -Output Transcription: her eyes seemed to regard him with mild pity her holiness a strange light glowing faintly upon her frail flesh did not humiliate the sinner who approached her -2021-09-20 08:40:31.984 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:40:31.991 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: upon the large square in front of the hotel the shadows of the tents intersected by the golden moonbeams formed as it were a huge mosaic of jet and yellow flagstones -Output Transcription: upon the large square in front of the hotel the shadows of the tents intersected by the golden moon beams formed as it were a huge mosaic of jet and yellow flagstones -2021-09-20 08:40:31.999 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.064516 -2021-09-20 08:40:32.006 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: slightly changing her course she first struck her mainsail and in order to facilitate the movements of her helmsman soon carried nothing but her two topsails brigantine and jib -Output Transcription: slightly changing her course she first struck remain sail and in order to facilitate the movements of her helmsman soon carried nothing but her two top sails brigantine and jib -2021-09-20 08:40:32.013 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.137931 -2021-09-20 08:40:32.013 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: if the wine change into vinegar and the host crumble into corruption after they have been consecrated is jesus christ still present under their species as god and as man -Output Transcription: if the wine change into vinegar and the host crumble into corruption after they have been consecrated is jesus christ still present under their species as god and as man -2021-09-20 08:40:32.014 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:40:32.014 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the standard edison meter practice was to remove the cells once a month to the meter room of the central station company for examination another set being substituted -Output Transcription: the standard edison meter practice was to remove the cells once a month to the meter room of the central station company for examination another set being substituted -2021-09-20 08:40:32.014 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:40:32.014 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: it is by no means always reliable almost everybody has at some time experienced the well known illusion that all that is happening now happened before at some time -Output Transcription: it is by no means always reliable almost everybody has at some time experienced the well known illusion that all that is happening now happened before at some time -2021-09-20 08:40:32.015 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:40:32.021 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the europe they had come from lay out there beyond the irish sea europe of strange tongues and valleyed and woodbegirt and citadelled and of entrenched and marshalled races -Output Transcription: the europe they had come from lay out there beyond the irish sea europe of strange tongues and valley and would be girton citadel and of entrenched and marshaled races -2021-09-20 08:40:32.029 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.206897 -2021-09-20 08:40:32.039 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: kenneth and beth refrained from telling the other girls or uncle john of old will rogers's visit but they got mister watson in the library and questioned him closely about the penalty for forging a check -Output Transcription: kenneth and beth refrained from telling the other girls or uncle john of old will rogers visit but they got mister watson in the library and questioned him closely about the penalty for forging a check -2021-09-20 08:40:32.049 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.027778 -2021-09-20 08:40:32.050 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: in this incident contrasting the creative and the destructive spirit of the factions the emigrant aid society of massachusetts finds its most honorable and triumphant vindication -Output Transcription: in this incident contrasting the creative and the destructive spirit of the factions the emigrant aid society of massachusetts finds its most honorable and triumphant vindication -2021-09-20 08:40:32.050 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:40:32.055 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: but this last supposition is almost always unnecessary for if mary has been habitually managed on this principle she will not make any trouble -Output Transcription: but this last supposition is almost always are necessary for if mary has been habitually managed on this principle she will not make any trouble -2021-09-20 08:40:32.059 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.083333 -2021-09-20 08:40:32.073 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the wizard of oz who used to be a humbug and knew no magic at all has been taking lessons of glinda and i'm told he is getting to be a pretty good wizard but he is merely the assistant of the great sorceress -Output Transcription: the wizard of oz who used to be a humbug anew no magic at all has been taking lessons of glinda and i'm told he is getting to be a pretty good wizard but he is nearly the assistant of the great sorceress -2021-09-20 08:40:32.088 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.068182 -2021-09-20 08:40:32.092 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: from these again sprang barricaded and fortified dwellings camps and scouting parties finally culminating in roving guerrilla bands half partisan half predatory -Output Transcription: from these again sprang barricaded and fortified dwellings camps and scout parties finally culminating and roving gorilla bans half parties and half predatory -2021-09-20 08:40:32.096 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.272727 -2021-09-20 08:40:32.105 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: olive has another lovely gift for the yellow house said mother carey rising and to carry out the next part of the programme we shall have to go in procession upstairs to my bedroom -Output Transcription: olive has another lovely gift for the yellow house said mother carrie rising and to carry out the next part of the programme we shall have to go in procession upstairs to my bedroom -2021-09-20 08:40:32.114 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.029412 -2021-09-20 08:40:32.115 | INFO | deepspeech2x.model:test:372 - Error rate [wer] (2176/?) = 0.071547 -2021-09-20 08:40:35.812 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the ladies in compliance with that softness of heart which is their characteristic are on one side and the men by whom the world has to be managed are on the other -Output Transcription: the ladies and compliance with that softness of heart which is their characteristic or on one side and the men by whom the world has to be managed or on the other -2021-09-20 08:40:35.821 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.093750 -2021-09-20 08:40:35.821 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: there is of course a difference between knowing the temporal relation of a remembered event to the present and knowing the time order of two remembered events -Output Transcription: there is of course a difference between knowing the temporal relation of a remembered event to the present and knowing the time order of two remembered events -2021-09-20 08:40:35.821 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:40:35.830 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: still her heart had received a shock in the perception of anne's delicacy and all these holidays she watched over her with the longing fond anxiety which is so full of sudden pangs of fear -Output Transcription: still her heart had received a shock in the perception of anne's delicacy and all these holiday she watched over her with the longing fond anxiety which is so full of sudden pangs of fear -2021-09-20 08:40:35.839 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.028571 -2021-09-20 08:40:35.844 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the dialogue is primarily concerned with the animal creation including under this term the heavenly bodies and with man only as one among the animals -Output Transcription: the dialogue is primarily concerned with the animal creation including under this term the heavenly bodies and with men only as one among the animals -2021-09-20 08:40:35.849 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.040000 -2021-09-20 08:40:35.863 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: silas slunk away without a word of protest ambrose stood his ground evidently bent on making his peace with naomi before he left her seeing that i was in the way i walked aside toward a glass door at the lower end of the room -Output Transcription: silas slunk away without a word of protest am rosters ground evidently bent on making his peace when naomi before he left her seeing that i was in the way i walked aside toward a glass door the lower end of the room -2021-09-20 08:40:35.877 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.111111 -2021-09-20 08:40:35.878 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: and so the story of mormonism runs on its finale has not yet been written the current press presents continuously new stages of its progress new developments of its plan -Output Transcription: and so the story of mormonism runs on its finale has not yet been written the current press presents continuously new stages of its progress new developments of its plan -2021-09-20 08:40:35.878 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:40:35.885 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i suppose professor liedenbrock was of my opinion too and even shared my fears for after having examined the pick his eyes traversed the ocean from side to side -Output Transcription: i suppose professor eden brock was of my opinion too and even shared my fears for after having examined the pig his eyes traversed the ocean from side to side -2021-09-20 08:40:35.892 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.103448 -2021-09-20 08:40:35.892 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: to the young american here or elsewhere the paths to fortune are innumerable and all open there is invitation in the air and success in all his wide horizon -Output Transcription: to the young american here or elsewhere the paths to fortune are innumerable and all open there is invitation in the air and success in all his wide horizon -2021-09-20 08:40:35.892 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:40:35.901 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: but anne had begun to suffer just before the holidays and charlotte watched over her younger sisters with the jealous vigilance of some wild creature that changes her very nature if danger threatens her young -Output Transcription: but anne had begun to suffer just before the holidays and charlotte wash over her younger sisters with a jealous vigilance of some wild creature that changes her very nature if danger threatens her young -2021-09-20 08:40:35.911 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.057143 -2021-09-20 08:40:35.920 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: in eighteen sixty two a law was enacted with the purpose of suppressing plural marriage and as had been predicted in the national senate prior to its passage it lay for many years a dead letter -Output Transcription: in eighteen sixty two allah was enacted with a purpose of suppressing or marriage and as had been predicted in the national senate prayer to its passage it lay for many years a dead letter -2021-09-20 08:40:35.930 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.138889 -2021-09-20 08:40:35.940 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: every chance she could steal after practice hours were over and after the clamorous demands of the boys upon her time were fully satisfied was seized to fly on the wings of the wind to the flowers -Output Transcription: every chance she could steal after practice hours were over and after the clamorous a mans of the boys upon her time were fully satisfied was seized the fly on the wings of the wind to the flowers -2021-09-20 08:40:35.951 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.081081 -2021-09-20 08:40:35.959 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: lifting the iron hammer that hung at the portal hester prynne gave a summons which was answered by one of the governor's bond servant a free born englishman but now a seven years slave -Output Transcription: lifting the iron hammer that hung at the portal hester prynne gave a summons which was answered by one of the governor's bond servants a freeborn englishman but now a seven years slave -2021-09-20 08:40:35.968 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.088235 -2021-09-20 08:40:35.976 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: there was something of sweetness and fondness in her tones and manner which was new to rachel and comforting and she returned the greeting as kindly and felt more like her former self -Output Transcription: there was something of sweetness and fondness in her tone and manner which was new the rachel and comforting and she returned the greeting as kindly and felt more like her for herself -2021-09-20 08:40:35.984 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.121212 -2021-09-20 08:40:36.001 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: it takes me several years to make this magic powder but at this moment i am pleased to say it is nearly done you see i am making it for my good wife margolotte who wants to use some of it for a purpose of her own -Output Transcription: it takes me several years to make this magic powder but at this moment i am pleased to say it is nearly done you see i am making it for my good wife margo lot who wants to use some of it for a purpose of her own -2021-09-20 08:40:36.018 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.042553 -2021-09-20 08:40:36.028 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: do you know alexander mainhall looked with perplexity up into the top of the hansom and rubbed his pink cheek with his gloved finger do you know i sometimes think of taking to criticism seriously myself -Output Transcription: do you know alexander main hall looked with perplexity up into the top of a handsome and rubbed his pink cheek with his gloved finger do you know i sometimes think of taking to criticism seriously myself -2021-09-20 08:40:36.038 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.111111 -2021-09-20 08:40:36.043 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the lieutenant governor lilburn w boggs afterward governor was a pronounced mormon hater and throughout the period of the troubles he manifested sympathy with the persecutors -Output Transcription: the lieutenant governor little ben w bags afterward governor was a pronounced mormon hater and throughout the period of the troubles he manifests sympathy with the persecutors -2021-09-20 08:40:36.049 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.153846 -2021-09-20 08:40:36.055 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i awoke to consciousness fighting at first it seemed as if i was fighting with a phantom but gradually my opponent became more real to me it was kaffar -Output Transcription: i awoke to consciousness fighting at first it seemed as if i was fighting with the phantom but gradually my opponent became more real to me it was car -2021-09-20 08:40:36.062 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.068966 -2021-09-20 08:40:36.070 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: alice took up the fan and gloves and as the hall was very hot she kept fanning herself all the time she went on talking dear dear how queer everything is to day -Output Transcription: alice took up the fan and gloves and as the hall was very hot she kept fanning herself all the time she went on talking dear dear how queer everything is today -2021-09-20 08:40:36.078 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.060606 -2021-09-20 08:40:36.085 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: what a box women are put into measured for it and put in young if we go anywhere it's in a box veiled and pinioned and shut in by disabilities -Output Transcription: what a box women are put into measured for it and put in young if we go anywhere it's in a box failed and pinioned and shut in by disabilities -2021-09-20 08:40:36.092 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.033333 -2021-09-20 08:40:36.101 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: delia came to the parlor and with an air of great mystery beckoned the children aside and said to them in a whisper leave andella and rosalie here and don't say a word to them -Output Transcription: delia came to the parlour and with an air of great mystery beckoned the children aside and said to them in a whisper leave and dela and rosalie here and don't say a word to them -2021-09-20 08:40:36.110 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.085714 -2021-09-20 08:40:36.125 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: so they were quite willing to obey the orders of their girl queen and in a short time the blasts of trumpets and roll of drums and clashing of cymbals told trot and cap'n bill that the blue bands had assembled before the palace -Output Transcription: so they were quite willing to obey the orders of their girl queen and in a short time the blast of trumpets and roll of drums and clashing of cymbals told trot and cap'n bill that the blue bands had assembled before the palace -2021-09-20 08:40:36.139 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.022727 -2021-09-20 08:40:36.140 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: what you had best do my child is to keep it and pray to it that since it was a witness to your undoing it will deign to vindicate your cause by its righteous judgment -Output Transcription: what you had best do my child is to keep it and pray to it that since it was a witness to your undoing it will deign to vindicate your cause by its righteous judgment -2021-09-20 08:40:36.140 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:40:36.142 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the sugar manufacturer who says loaf clarified lumps bastard common burnt this honest manufacturer talks slang -Output Transcription: the sugar manufacturer who says loaf clarified lumps bastard common burnt this honest manufacturer talk sling -2021-09-20 08:40:36.145 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.125000 -2021-09-20 08:40:36.156 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: but already at a point in economic evolution far antedating the emergence of the lady specialised consumption of goods as an evidence of pecuniary strength had begun to work out in a more or less elaborate system -Output Transcription: but already at a point and economic evolution far and stating the emergence of the lady specialized consumption of the goods as an evidence of pecuniary strength had begun to work out in a more or less elaborate system -2021-09-20 08:40:36.167 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.135135 -2021-09-20 08:40:36.173 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: he could write in one style but not in another and the greek language had not as yet been fashioned by any poet or philosopher to describe physical phenomena -Output Transcription: he could write in one style but not in another that the greek language had not as yet been fashioned by any poet or philosopher to describe physical phenomena -2021-09-20 08:40:36.180 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.034483 -2021-09-20 08:40:36.180 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the princess certainly was beautiful and he would have dearly liked to be kissed by her but the cap which his mother had made he would not give up on any condition -Output Transcription: the princess certainly was beautiful and he would have dearly liked to be kissed by her but the cap which his mother had made he would not give up on any condition -2021-09-20 08:40:36.181 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:40:36.189 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: ruth asked the enthusiasts if they would like to live in such a sounding mausoleum with its great halls and echoing rooms and no comfortable place in it for the accommodation of any body -Output Transcription: ruth asked the enthusiasts if they would like to live in such a sounding mausoleum with its great halls and echoing rooms and no comfortable place in it for the accommodation of anybody -2021-09-20 08:40:36.198 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.058824 -2021-09-20 08:40:36.206 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the first well established seat of the church was in the pretty little town of kirtland ohio almost within sight of lake erie and here soon rose the first temple of modern times -Output Transcription: the first well established seat of the church was in the pretty little town of kirtland ohio almost within sight of lake erie in here soon rose the first temple of modern times -2021-09-20 08:40:36.214 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.030303 -2021-09-20 08:40:36.215 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: without saying it positively she made me understand that being herself an illustrious member of the republic of letters she was well aware that she was speaking to an insect -Output Transcription: without saying it positively she made me understand that being herself an illustrious member of the republic of letters she was well aware that she was speaking to an insect -2021-09-20 08:40:36.215 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:40:36.225 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: unfortunately the fracture could not be set till six o'clock the next morning as no surgeon was to be had before that time and she now lies at our house in a very doubtful and dangerous state -Output Transcription: unfortunately the fracture can not be set till six o'clock the next morning as no surgeon was to be had before that time and she now lies at our house in a very doubtful and dangerous state -2021-09-20 08:40:36.236 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.027027 -2021-09-20 08:40:36.245 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i have great things to tell you senor said dona estafania to her husband the cream and substance of which is this the fainting girl before you is your daughter and that boy is your grandson -Output Transcription: i have great things to tell you senor said donna stefania to her husband the cream and substance of which is this the fainting girl before you is your daughter and the boy is your grandson -2021-09-20 08:40:36.255 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.083333 -2021-09-20 08:40:36.263 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: for at the peril of her own existence and when the other hellenes had deserted her she repelled the invader and of her own accord gave liberty to all the nations within the pillars -Output Transcription: for at the peril of her own existence and when the other hellenes had deserted her she repelled in vader and after own accord gave liberty to all the nations within the pillars -2021-09-20 08:40:36.272 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.117647 -2021-09-20 08:40:36.273 | INFO | deepspeech2x.model:test:372 - Error rate [wer] (2208/?) = 0.071318 -2021-09-20 08:40:42.331 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i don't always succeed for sometimes when i'm teaching or sewing i would rather be reading or writing but i try to deny myself and my father's approbation amply rewarded me for the privation -Output Transcription: i don't always succeed for sometimes when i'm teaching or sewing i would rather be reading a writing but i tried to deny myself and my father's approbation amply rewarded me for the privation -2021-09-20 08:40:42.341 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.058824 -2021-09-20 08:40:42.341 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the ingenious hawkeye who recalled the hasty manner in which the other had abandoned his post at the bedside of the sick woman was not without his suspicions concerning the subject of so much solemn deliberation -Output Transcription: the ingenious hawkeye who recalled the hasty manner in which the other had abandoned his post at the bedside of the sick woman was not without his suspicions concerning the subject of so much solemn deliberation -2021-09-20 08:40:42.342 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:40:42.357 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: one night when he and winifred were sitting together on the bridge he told her that things had happened while he was studying abroad that he was sorry for one thing in particular and he asked her whether she thought she ought to know about them -Output Transcription: one night when he and winfrey was sitting together on the bridge he told her the things had happened will he was studying abroad that he was sorry for one thing in particular and he asked her whether she thought she ought to know about them -2021-09-20 08:40:42.373 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.086957 -2021-09-20 08:40:42.380 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: his legs the best shaped at court were displayed to great advantage in flesh colored silken hose of silk so fine and so transparent that it seemed almost like flesh itself -Output Transcription: his legs the best shaped at court were displayed to great advantage and flesh colored silken hose a silk so fine and so transparent that it seemed almost like flesh itself -2021-09-20 08:40:42.387 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.064516 -2021-09-20 08:40:42.394 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i am a woman and there are few like me whoever loves me flatters me whoever flatters me pleases me and whoever pleases well said montalais you do not finish -Output Transcription: i am a woman and there are few like me whoever loves me flatters me whoever flatters me pleases me and whoever pleases well said montis you do not finish -2021-09-20 08:40:42.400 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.033333 -2021-09-20 08:40:42.410 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: there certainly was no end to it and even ruth was philadelphian enough to believe that a street ought not to have any end or architectural point upon which the weary eye could rest -Output Transcription: there are certainly was no end to it and even ruth was philadelphia and enough to believe that a street ought not to have any end or architectural point upon which the weary eye could rest -2021-09-20 08:40:42.419 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.088235 -2021-09-20 08:40:42.429 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: god bless you friend i do believe your scent is not greatly wrong when the matter is duly considered and keeping eternity before the eyes though much depends on the natural gifts and the force of temptation -Output Transcription: god bless you friend i do believe you sent is not greatly wrong when the matter is duly considered and keeping eternity before the eyes though much depends on the natural gifts in the force of temptation -2021-09-20 08:40:42.440 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.081081 -2021-09-20 08:40:42.446 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: smuggling the house cleaning paraphernalia into the cellar window unobserved that afternoon proved no easy task for cynthia had added a whisk broom and dust pan to the outfit -Output Transcription: smuggling house claming paraphernalia into the cellar window unobserved that afternoon proved no easy task for cynthia had added a whisk room and dust pan to the outfit -2021-09-20 08:40:42.453 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.103448 -2021-09-20 08:40:42.460 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the whole proceeding was so childish the miserable plot so transparent the outrage so gross as to bring disgust to the better class of border ruffians who were witnesses and accessories -Output Transcription: the whole proceeding was so childish the miserable plot so transparent the outrage so gross as to bring discuss to the better class of border ruffians who were witnesses and accessories -2021-09-20 08:40:42.467 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.032258 -2021-09-20 08:40:42.467 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: how strange it seemed to the sad woman as she watched the growth and the beauty that became every day more brilliant and the intelligence that threw its quivering sunshine over the tiny features of this child -Output Transcription: how strange it seemed to the sad woman as she watched the growth and the beauty that became every day more brilliant and the intelligence that threw its quivering sunshine over the tiny features of this child -2021-09-20 08:40:42.468 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:40:42.477 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: there was watercress soup and sole and a delightful omelette stuffed with mushrooms and truffles and two small rare ducklings and artichokes and a dry yellow rhone wine of which bartley had always been very fond -Output Transcription: there was water cross soup and soul and a delightful omelet stuffed with mushrooms and truffles and two small rare ducklings and artichokes and a draw yellow road wine of which partly had always been very fond -2021-09-20 08:40:42.487 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.194444 -2021-09-20 08:40:42.501 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: missus harmon thought he sang too much and told her husband privately that if he was a canary bird she should want to keep a table cover over his head most of the time but he was immensely popular with the rest of his audience -Output Transcription: missus harmon thought he sang too much and told her husband privately that if he was a canary bird she should want to keep a table cover or saidmost of the time but he was immensely popular with a rest of his audience -2021-09-20 08:40:42.516 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.111111 -2021-09-20 08:40:42.525 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: secure as he thought in the careful administration of justice in that city and the character of its well disposed inhabitants the good hidalgo was far from thinking that any disaster could befal his family -Output Transcription: secure as he thought and careful administration of justice in that city and the character of its well disposed inhabitants the good hidalgo was far from thinking that any disaster could befall his family -2021-09-20 08:40:42.534 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.085714 -2021-09-20 08:40:42.535 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: on saturday mornings when the sodality met in the chapel to recite the little office his place was a cushioned kneeling desk at the right of the altar from which he led his wing of boys through the responses -Output Transcription: on saturday mornings when the sodality met in the chapel to recite the little office his place was a cushioned kneeling desk at the right of the altar from which he led his wing of boys through the responses -2021-09-20 08:40:42.535 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:40:42.542 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: before starting it was indispensable that the engine of the dobryna should be repaired to sail under canvas only would in contrary winds and rough seas be both tedious and difficult -Output Transcription: before starting it was indispensable that the engine of the debris should be repaired to sail under canvas only would in contrary winds and rough seas be both tedious and difficult -2021-09-20 08:40:42.549 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.032258 -2021-09-20 08:40:42.550 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: if you should not be a good girl but should show signs of making us any trouble i shall have to send you out somewhere to the back part of the house until we are gone -Output Transcription: if you should not be a good girl but should show signs of making us any trouble i shall have to send you out somewhere to the back part of the house until we are gone -2021-09-20 08:40:42.550 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:40:42.559 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: he stood a moment bewildered then turned and rushed upon the island a great sheet of dazzling sunlight swept the place and beneath lay a mighty mass of olive green thick tall wet and willowy -Output Transcription: he stood a moment bewildered then turned and rushed upon the island a great sheet of dazzling sunlight swept the place and beneath lay a mighty mass of olive green the tall wet and will away -2021-09-20 08:40:42.569 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.085714 -2021-09-20 08:40:42.578 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: this was the first occasion within a generation when such an entertainment had been given at elmhurst and the only one within the memory of man where the neighbors and country people had been invited guests -Output Transcription: this was the first occasion within a generation when such an entertainment had been given at elmhurst and the only one within the memory of man where the neighbors and country people had been the invited guests -2021-09-20 08:40:42.588 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.027778 -2021-09-20 08:40:42.600 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: they drew their swords hid their faces in the flaps of their cloaks turned back and soon came in front of the little party who had not yet done giving thanks to god for their escape from those audacious men -Output Transcription: they drew their swords hid their faces and the flaps of their cloaks turned back and soon came in front of the little party who had not yet done giving thanks to god for their escape from those audacious men -2021-09-20 08:40:42.611 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.025000 -2021-09-20 08:40:42.619 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: two years before her death i saw her perform the character of marianne in the comedy of marivaux and in spite of her age and declining health the illusion was complete -Output Transcription: two years before her death i saw her perform the character of marianne in the comedy of marvo and in spite of her age and declining health the illusion was complete -2021-09-20 08:40:42.626 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.032258 -2021-09-20 08:40:42.636 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: this was done for the event took place at a time when the consent of the parties was sufficient for the celebration of a marriage without any of the preliminary formalities which are now so properly required -Output Transcription: this was done for the event took place at a time when the consent of the parties was sufficient for the celebration of the marriage without any of the preliminary formalities which are now so properly required -2021-09-20 08:40:42.646 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.027027 -2021-09-20 08:40:42.647 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: he soon foresaw that still greater economy would be necessary for commercial success not alone for the larger territory opening but for the compact districts of large cities -Output Transcription: he soon foresaw that still greater economy would be necessary for commercial success not alone for the larger territory opening but for the compact districts of large cities -2021-09-20 08:40:42.647 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:40:42.656 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: from time to time a fleecy tuft of mist with yet some gleaming light left upon it drops down upon the dense floor of grey and loses itself in the opaque and impenetrable mass -Output Transcription: from time to time a fleecy tuft of mis will yet some gleaming light left upon it trough down upon the dance floor of gray and loses itself in the opac and impenetrable mass -2021-09-20 08:40:42.664 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.176471 -2021-09-20 08:40:42.671 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: it is indeed true that the importance of tact and skill in the training of the young and of cultivating their reason and securing their affection can not be overrated -Output Transcription: it is indeed true that the importance of tact and skill in the training of the young and of cultivating their reason and securing their affection cannot be overrated -2021-09-20 08:40:42.677 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.066667 -2021-09-20 08:40:42.678 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: with many qualifications with more qualifications as the patriarchal tradition has gradually weakened the general rule is felt to be right and binding that women should consume only for the benefit of their masters -Output Transcription: with many qualifications with more qualifications as the patriarchal tradition has gradually weakened the general rule is felt to be right and binding that women should consume only for the benefit of their masters -2021-09-20 08:40:42.678 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:40:42.688 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: his housekeeper had the management of everything she never allowed him to be in need of anything and she gave no account of his money which she kept altogether because he never asked her to render any accounts -Output Transcription: his housekeeper had the management of everything she never allowed him to be in need of anything and she gave no account of his money which he kept altogether because he never asked her to render any accounts -2021-09-20 08:40:42.699 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.026316 -2021-09-20 08:40:42.710 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: but as before the leaping waves of the rapids were too much for his pursuer and he was able to flap his way onward in a cloud of foam while doom hung low above his head yet hesitated to strike -Output Transcription: but as before the leaping waves of the rapids were too much for his pursuer and you liable to flap his way onward in a cloud of foam or doom hung low above his head yet hesitated to strike -2021-09-20 08:40:42.722 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.100000 -2021-09-20 08:40:42.730 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: my first and principal reason was that they enforced beyond all resistance on any student who might attempt to copy them this method of laying portions of distinct hue side by side -Output Transcription: my first and principal reason was that they enforced beyond all resistance on any student who might attempt to copy them this method of laying portions of distinct hues side by side -2021-09-20 08:40:42.738 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.031250 -2021-09-20 08:40:42.746 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: making their way across the river most of the refugees found shelter among the more hospitable people of clay county and afterward established themselves in caldwell county therein founding the city of far west -Output Transcription: making her way across the river most of the refugees found shelter among the more hospitable people of clay county and afterward established themselves in caldwell county there turning the city of far west -2021-09-20 08:40:42.755 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.088235 -2021-09-20 08:40:42.761 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: to fade away like morning beauty from her mortal day down by the river of adona her soft voice is heard and thus her gentle lamentation falls like morning dew -Output Transcription: to fade away like morning beauty from her mortal day down by the river of madonna her soft voices heard and thus her gentle lamentation falls like morning dew -2021-09-20 08:40:42.768 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.100000 -2021-09-20 08:40:42.780 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: when this captain should have taken himself and his vessel back to england i would retire to a small farm which i possessed at the farthest side of the island and there in seclusion would i end my days -Output Transcription: when this captain should have taken himself in his vessel back to england i would retire to a small farm which i possessed at the furthest side of the island and there in seclusion when i end my days -2021-09-20 08:40:42.791 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.076923 -2021-09-20 08:40:42.795 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: though the discipline of the former parliamentary army was not contemptible a more exact plan was introduced and rigorously executed by these new commanders -Output Transcription: and the discipline of the former parliamentary army was not contemptible a more exact plan was introduced and rigorously executed by these new commanders -2021-09-20 08:40:42.800 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.041667 -2021-09-20 08:40:42.801 | INFO | deepspeech2x.model:test:372 - Error rate [wer] (2240/?) = 0.070948 -2021-09-20 08:40:46.629 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: ojo became a bit uneasy at this for he had already put quite a lot of the cleverness powder in the dish but he dared not interfere and so he comforted himself with the thought that one cannot have too much cleverness -Output Transcription: ojo became a bit uneasy at this for he had already put quite a lot of the cleverness powder in the dish but he dared not interfere and so he comforted himself with the thought that one cannot have too much cleverness -2021-09-20 08:40:46.630 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:40:46.630 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: they give laws according to which images of past occurrences come into our minds but do not discuss our belief that these images refer to past occurrences which is what constitutes knowledge memory -Output Transcription: they give laws according to which images of past occurrences come into our minds but do not discuss our belief that these images refer to past occurrences which is what constitutes knowledge memory -2021-09-20 08:40:46.630 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:40:46.630 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: pearl accordingly ran to the bow window at the further end of the hall and looked along the vista of a garden walk carpeted with closely shaven grass and bordered with some rude and immature attempt at shrubbery -Output Transcription: pearl accordingly ran to the bow window at the further end of the hall and looked along the vista of a garden walk carpeted with closely shaven grass and bordered with some rude and immature attempt at shrubbery -2021-09-20 08:40:46.631 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:40:46.640 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the christmas holidays came and she and anne returned to the parsonage and to that happy home circle in which alone their natures expanded amongst all other people they shrivelled up more or less -Output Transcription: the christmas holidays came and she and anne returned to the parsonage and to that happy home circle in which alone their natures expanded amongst all other people they shriveled up more or less -2021-09-20 08:40:46.648 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.029412 -2021-09-20 08:40:46.649 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: though i may be but an ungracious adviser you will allow me therefore to subscribe myself with the best wishes for your happiness here and hereafter your true friend robert southey -Output Transcription: though i may be but an ungracious adviser you will allow me therefore to subscribe myself with the best wishes for your happiness here and hereafter your true friend robert southey -2021-09-20 08:40:46.649 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:40:46.657 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: what the latter day saints call celestial marriage is characteristic of the church and is in very general practise but of celestial marriage plurality of wives was an incident never an essential -Output Transcription: what the latter day saints call celestial marriage is characteristic of the church and is in very general practice but of celestial marriage plurality wise was an incident never an essential -2021-09-20 08:40:46.664 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.093750 -2021-09-20 08:40:46.671 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: after pondering awhile he said if we were farther away i should expect to find a depth of two or three hundred fathoms instead of five fathoms five fathoms -Output Transcription: after pondering a while he said if we were farther away i should expect to find a depth of two or three hundred fathoms instead of five fathoms five fathoms -2021-09-20 08:40:46.677 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.068966 -2021-09-20 08:40:46.685 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: from the graveyard gate one can count a dozen gayly painted farmhouses the gilded weather vanes on the big red barns wink at each other across the green and brown and yellow fields -Output Transcription: from the graveyard gate one can count a dozen gaily painted farmhouses the gilded weather veins on the big red barns wink at each other across the green and brown and yellow fields -2021-09-20 08:40:46.693 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.060606 -2021-09-20 08:40:46.694 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: but in truth pearl was the one as well as the other and only in consequence of that identity had hester contrived so perfectly to represent the scarlet letter in her appearance -Output Transcription: but in truth pearl was the one as well as the other and only in consequence of that identity had hester contrived so perfectly to represent the scarlet letter in her appearance -2021-09-20 08:40:46.694 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:40:46.707 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: here lay the reading of the riddle with infinite work and pain some one had dug a canal from the lagoon to the creek into which the former had drained by a long and crooked way thus allowing it to empty directly -Output Transcription: here lay the reading of the riddle with infinite work in pain someone had dug a canal from the lagoon to the creek into which the former had drained by long and crooked way thus allowing it to empty directly -2021-09-20 08:40:46.720 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.095238 -2021-09-20 08:40:46.727 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: its depth remained invariable still four or at most five fathoms and although its bottom was assiduously dredged it was only to prove it barren of marine production of any type -Output Transcription: its depth remained invariable still four or at most five fathoms and although its bottom was assiduously dredged it was only to prove it baron of marine production of any type -2021-09-20 08:40:46.734 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.032258 -2021-09-20 08:40:46.745 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: some of the penal regulations were copied from the edicts of diocletian and this method of conversion was applauded by the same bishops who had felt the hand of oppression and pleaded for the rights of humanity -Output Transcription: some of the penal regulations were copied from the edict of diocletian and this method of conversion was applauded by the same bishops who had felt the hand of oppression and pleaded for the rights of humanity -2021-09-20 08:40:46.755 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.027027 -2021-09-20 08:40:46.764 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: he reached up among the branches and began to pick the sweet insipid fruit long ivory colored berries tipped with faint pink like white coral that fall to the ground unheeded all summer through -Output Transcription: he reached up among the branches and began to pick the sweet insipid fruit long ivory colored berries tipped with mint pink like white coral that fall to the ground unheeded all summer through -2021-09-20 08:40:46.773 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.029412 -2021-09-20 08:40:46.782 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: mister neverbend began the captain and i observed that up to that moment he had generally addressed me as president it cannot be denied that we have come here on an unpleasant mission -Output Transcription: mister never bend began the captain and i observed that up to that moment he had generally address me as president they cannot be denied that we have come here on an unpleasant mission -2021-09-20 08:40:46.790 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.121212 -2021-09-20 08:40:46.806 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: when she had that bad illness and i was only eleven years old she used to say you'll have a friend on earth in your aunt rachel if i'm taken from you for she has a kind heart and i'm sure i've found it so -Output Transcription: which he had that man illness and i was only eleven years old she used to say you'll have a friend on earth in your aunt rachel if i am taken from you for she has a kind heart and i am sure i found it so -2021-09-20 08:40:46.822 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.177778 -2021-09-20 08:40:46.831 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: before this travesty on the administration of law could be brought before the court of last resort and there meet with the reversal and rebuke it deserved men were imprisoned under sentences of many years duration -Output Transcription: for this travesty on the administration of law could be brought before the court of last resort and there met with the reversal and rebuke had deserved men were imprisoned under sentence of many years duration -2021-09-20 08:40:46.841 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.111111 -2021-09-20 08:40:46.848 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: no words were spoken no language was uttered save that of wailing and hissing and that somehow was indistinct as if it existed in fancy and not in reality -Output Transcription: no words were spoken no language was uttered save ton of wailing in hissing and that somehow was indistinct as if it existed in fancy and not in reality -2021-09-20 08:40:46.854 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.068966 -2021-09-20 08:40:46.865 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: from the manner in which he expressed himself with regard to robert hollan no man in the whole range of his recollections will be longer remembered than he his enthralment while under hollan will hardly ever be forgotten -Output Transcription: from the manner in which he expressed himself with regard to robert holland no man in the whole range of his recollections will be longer remembered than he is enthralled while under holland will hardly ever be forgotten -2021-09-20 08:40:46.876 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.105263 -2021-09-20 08:40:46.885 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: control yourselves my dears replied the boolooroo the worst punishment i know how to inflict on anyone this prisoner is about to suffer you'll see a very pretty patching my royal daughters -Output Transcription: control yourselves in my dears replied the booooo the worst punishment i know how to inflict on anyone this prisoners of doctors suffer you will see a very pretty patching my royal daughters -2021-09-20 08:40:46.893 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.250000 -2021-09-20 08:40:46.903 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: in one place at the head of the room was a raised platform for the royal family with elegant throne chairs for the king and queen and six smaller but richly upholstered chairs for the snubnosed princesses -Output Transcription: in one place at the head of the room was a raised platform for the royal family with elegant throne chairs for the king and queen and six smaller but richly posted chairs for this snubnosed princesses -2021-09-20 08:40:46.914 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.054054 -2021-09-20 08:40:46.926 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: classifying was everything to him so he knew nothing else well versed in the theory of classification he was poorly versed in its practical application and i doubt that he could tell a sperm whale from a baleen whale -Output Transcription: classifying was everything to him so he do nothing else well versed is a theory of classification he was poorly first in its practical application and i doubt that he could tell a sperm whale from a palin whale -2021-09-20 08:40:46.938 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.128205 -2021-09-20 08:40:46.946 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the fact that it was churning day was another reason why it was inconvenient to have the whittaws and why consequently missus poyser should scold molly the housemaid with unusual severity -Output Transcription: the bank that it was turning day was another reason why it was inconvenient to have the widows and why consequently missus poyser should scold molly the housemaid with unusual severity -2021-09-20 08:40:46.953 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.096774 -2021-09-20 08:40:46.964 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the objection of course presents itself that expenditure on women's dress and household paraphernalia is an obvious exception to this rule but it will appear in the sequel that this exception is much more obvious than substantial -Output Transcription: the objection of course presents itself that expenditure on women's dress and household paraphernalia is an obvious exception to this rule but it will appear in the sequel that this exception is much more obvious and substantial -2021-09-20 08:40:46.975 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.027027 -2021-09-20 08:40:46.983 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: for in the times before the great flood athens was the greatest and best of cities and did the noblest deeds and had the best constitution of any under the face of heaven -Output Transcription: for in the times before the great flood athens was the greatest and best of cities and dead the noblest deeds and had the best constitution of any under the face of heaven -2021-09-20 08:40:46.991 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.030303 -2021-09-20 08:40:46.991 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the pain produced by an act of hasty and angry violence to which a father subjects his son may soon pass away but the memory of it does not pass away with the pain -Output Transcription: the pain produced by an act of hasty and angry violence to which a father subjects his son may soon pass away but the memory of it does not pass away with the pain -2021-09-20 08:40:46.991 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:40:47.002 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: throughout the entire evolution of conspicuous expenditure whether of goods or of services or human life runs the obvious implication that in order to effectually mend the consumer's good fame it must be an expenditure of superfluities -Output Transcription: throughout the entire revolution of conspicuous expenditure whether of good sir services or human life runs the obvious implication that in order to effectually mend the consumers good fame it must be an expenditure of superfruit ies -2021-09-20 08:40:47.012 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.189189 -2021-09-20 08:40:47.012 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the trunks were moved the tree was pulled out and thrown rather hard it is true down on the floor but a man drew him towards the stairs where the daylight shone -Output Transcription: the trunks were moved the tree was pulled out and thrown rather hard it is true down on the floor but a man drew him towards the stairs where the daylight shone -2021-09-20 08:40:47.012 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:40:47.022 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: all rose to do her reverence as if something from heaven had miraculously appeared before them but gazing on her entranced with admiration not one of them was able to address a single word to her -Output Transcription: all rose to do her reverence as if something from heaven had miraculously appeared before them but gazing on her entrance with admiration not one of them was able to address a single word to her -2021-09-20 08:40:47.032 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.027778 -2021-09-20 08:40:47.043 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: their eyes were from the first turned in anticipation toward the evening sun not merely that the work of proselyting should be carried on in the west but that the headquarters of the church should be there established -Output Transcription: their eyes were from the first turned in anticipation toward the evening sun not merely that the work of prostrating should be carried on in the west but that the headquarters of the church should be there established -2021-09-20 08:40:47.054 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.026316 -2021-09-20 08:40:47.060 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the king's ears were now open to montrose's counsels who proposed none but the boldest and most daring agreeably to the desperate state of the royal cause in scotland -Output Transcription: the king's ears were now open to montross counsels who proposed none but the boldest and most daring agreeably to the desperate state of the royal cause in scotland -2021-09-20 08:40:47.067 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.034483 -2021-09-20 08:40:47.076 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: there messrs johnson and hammer put into practice many of the ideas now standard in the art and secured much useful data for the work in new york of which the story has just been told -Output Transcription: bear messrs johnson and hammer put into practice many of the ideas now standard in the yard and secured much useful data for the work in new york of which the story has just been told -2021-09-20 08:40:47.086 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.055556 -2021-09-20 08:40:47.086 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: louise hoped for excellent results from this organization and wished the entertainment to be so effective in winning their good will that they would work earnestly for the cause in which they were enlisted -Output Transcription: louise hoped for excellent results from this organization and wished the entertainment to be so effective in winning their good will that they would work earnestly for the cause in which they were enlisted -2021-09-20 08:40:47.086 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:40:47.087 | INFO | deepspeech2x.model:test:372 - Error rate [wer] (2272/?) = 0.070672 -2021-09-20 08:40:54.412 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: thousands of handkerchiefs were waving above these tightly packed masses hailing the abraham lincoln until it reached the waters of the hudson river at the tip of the long peninsula that forms new york city -Output Transcription: thousands of handkerchiefs were waving above these tightly packed masses hailing the abraham lincoln until it reached the waters of the hudson river at the tip of the long peninsula that forms new york city -2021-09-20 08:40:54.413 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:40:54.414 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the count had thrown himself back on his seat leaning his shoulders against the partition of the tent and remained thus his face buried in his hands with heaving chest and restless limbs -Output Transcription: the count had thrown himself back on his seat leaning his shoulders against the partition of the tent and remained thus his face buried in his hands with heaving chest and restless limbs -2021-09-20 08:40:54.414 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:40:54.429 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: then they sped in great haste for the door and the goat gave a final butt that sent the row of royal ladies all diving into the corridor in another tangle whereupon they shrieked in a manner that terrified everyone within sound of their voices -Output Transcription: then they stood in great haste for the door and go gave a final but he sent the row of royal ladies all diving into the corridor in another tangle whereupon they shrieked in a manner that terrified every woman sound of their voices -2021-09-20 08:40:54.443 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.155556 -2021-09-20 08:40:54.457 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: let him come in then said the king and as if colbert had been listening at the door for the purpose of keeping himself au courant with the conversation he entered as soon as the king had pronounced his name to the two courtiers -Output Transcription: let him come in then said the king and as if colbert had been listening at the door for the purpose of keeping himself aaron with the conversation he entered as soon as the king had pronounced his name to the two courtiers -2021-09-20 08:40:54.471 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.045455 -2021-09-20 08:40:54.481 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: henry lord with the degree of ph d to his credit had been professor of zoology at a new england college but had resigned his post in order to write a series of scientific text books -Output Transcription: henry lord with a degree of page deed to his credit had been professor of zoology at a new england college but had resigned his post in order to write a series of scientific text books -2021-09-20 08:40:54.491 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.083333 -2021-09-20 08:40:54.505 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: then turning towards me he says that i look like a foreigner and when i say that i am an italian he begins to speak to me of the court of the city of the theatres and at last he offers to accompany me everywhere -Output Transcription: then turning toward me he says that i look like a foreigner and when i say that i am an italian he begins to speak to me of the court the city of the theatres and at last he offers to accompany me everywhere -2021-09-20 08:40:54.520 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.044444 -2021-09-20 08:40:54.528 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i don't know and can't say how you fine gentlemen define wickedness only as an obscure female i speak according to my lights and he is generally thought the wickedest man in this county -Output Transcription: i don't know one can't say how you fine gentlemen to find wickedness only as an obscure female i speak according to my lights and he is generally thought the wickedest man in this county -2021-09-20 08:40:54.537 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.088235 -2021-09-20 08:40:54.538 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: why was the sacrament of the eucharist instituted under the two species of bread and wine if jesus christ be present body and blood soul and divinity in the bread alone and in the wine alone -Output Transcription: why was the sacrament of the eucharist instituted under the two species of bread and wine if jesus christ be present body and blood soul and divinity in the bread alone and in the wine alone -2021-09-20 08:40:54.538 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:40:54.555 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: two bites are made and the bread is crumbled with an air of great eagerness indeed one feels that in real life the guest would clutch hold of the footman and say half a mo old chap i haven't nearly finished but the actor is better schooled than this -Output Transcription: two bits are made and the brent has crumbled with an air of great eagerness indeed one feels hat in real life the guest when the clutch hold of the footmen and say have a mold chap i have nearly finished but the actor is better scholten this -2021-09-20 08:40:54.573 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.265306 -2021-09-20 08:40:54.585 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: here she would stay comforted and soothed among the lovely plants and rich exotics rejoicing the heart of old turner the gardener who since polly's first rapturous entrance had taken her into his good graces for all time -Output Transcription: here she would stay comforted in soothed among the lovely plants and rich exotics rejoicing the heart of old turn of the gardener who since polly's first rapturous entrance had taken her into his good graces for all time -2021-09-20 08:40:54.596 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.078947 -2021-09-20 08:40:54.607 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: so to the surprise of the democratic committee and all his friends mister hopkins announced that he would oppose forbes's aggressive campaign with an equal aggressiveness and spend as many dollars in doing so as might be necessary -Output Transcription: so to the surprise of the democratic committee and all his friends mister hopkins an else that he would oppose ford's aggressive campaign with an equal aggressiveness and spent as many dollars in doing so as might be necessary -2021-09-20 08:40:54.618 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.105263 -2021-09-20 08:40:54.618 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: when first they entered the throne room they tried to be as haughty and scornful as ever but the blues who were assembled there all laughed at them and jeered them for there was not a single person in all the blue country who loved the princesses the least little bit -Output Transcription: when first they entered the throne room they tried to be as haughty and scornful as ever but the blues who were assembled there all laughed at them and jeered them for there was not a single person in all the blue country who loved the princesses the least little bit -2021-09-20 08:40:54.618 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:40:54.619 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: but pearl who was a dauntless child after frowning stamping her foot and shaking her little hand with a variety of threatening gestures suddenly made a rush at the knot of her enemies and put them all to flight -Output Transcription: but pearl who was a dauntless child after frowning stamping her foot and shaking her little hand with a variety of threatening gestures suddenly made a rush at the knot of her enemies and put them all to flight -2021-09-20 08:40:54.619 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:40:54.628 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: their diving stone poised on its rude supports and rocking under their plunges and the rough hewn stones of the sloping breakwater over which they scrambled in their horseplay gleamed with cold wet lustre -Output Transcription: their diving stone poised on its rude supports and rocking under their plunges and the rough hewn stones of the sloping breakwater over which they scrambled in their horse play gleamed with cold wet lustre -2021-09-20 08:40:54.637 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.058824 -2021-09-20 08:40:54.644 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the good natured audience in pity to fallen majesty showed for once greater deference to the king than to the minister and sung the psalm which the former had called for -Output Transcription: the good natured audience in pity to fallen majesty showed for once greater deference to the king than to the minister and sung the song which the former had called for -2021-09-20 08:40:54.651 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.032258 -2021-09-20 08:40:54.651 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: another and far more important reason than the delivery of a pair of embroidered gloves impelled hester at this time to seek an interview with a personage of so much power and activity in the affairs of the settlement -Output Transcription: another and far more important reason than the delivery of a pair of embroidered gloves impelled hester at this time to seek an interview with a personage of so much power and activity in the affairs of the settlement -2021-09-20 08:40:54.651 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:40:54.660 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: broad as the prairies and free in thought as the winds that sweep them he is idiosyncratically opposed to loose and wasteful methods to plans of empire that neglect the poor at the gate -Output Transcription: broad as the prairies and free and thought as the winds that swept them he is idiosyncratic ally opposed to loose and wasteful methods to plans of empire that neglect the poor at the gate -2021-09-20 08:40:54.670 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.117647 -2021-09-20 08:40:54.679 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: here it comes there it glides now it is up the ragged stump of the mast thence it lightly leaps on the provision bag descends with a light bound and just skims the powder magazine horrible -Output Transcription: here it comes there it glides now it is up the ragged stump of the mast that's it lightly leaps on the provision bag descends with a light bound and just skims the powder magazine horrible -2021-09-20 08:40:54.689 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.027778 -2021-09-20 08:40:54.699 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: a small settlement had been founded by mormon families on shoal creek and here on the thirtieth of october eighteen thirty eight a company of two hundred and forty fell upon the hapless settlers and butchered a score -Output Transcription: a small settlement had been founded by mormon families on shoal creek and here on the thirtieth of october eighteen thirty eight a company of two hundred and forty fell upon the hapless settlers and butcher to score -2021-09-20 08:40:54.710 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.052632 -2021-09-20 08:40:54.723 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: since the period of our tale the active spirit of the country has surrounded it with a belt of rich and thriving settlements though none but the hunter or the savage is ever known even now to penetrate its wild recesses -Output Transcription: since the period of our tale the active spirit of the country has surrounded it with a belt of rich and thriving settlements though none but the hunter or the savage as ever known even now to penetrate its wild recesses -2021-09-20 08:40:54.735 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.024390 -2021-09-20 08:40:54.745 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: and so life and death have dispersed the circle of violent radicals and dissenters into which twenty years ago the little quiet resolute clergyman's daughter was received and by whom she was truly loved and honoured -Output Transcription: and so life and death have dispersed the circle of violent radicals and dissenters into which twenty years ago the little quiet resolute clergyman's daughter was received and by whom she was truly loved and honored -2021-09-20 08:40:54.755 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.027778 -2021-09-20 08:40:54.769 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: in other words while he had implicit faith in the ability of balaam's ass to speak he was somewhat skeptical on the subject of a bear's singing and yet he had been assured of the latter on the testimony of his own exquisite organs -Output Transcription: in other words while he had implicit faith in the ability of balms asked to speak he was somewhat skeptical on the subject of a bar singing and yet he had been assured of the latter on the testimony of his own exquisite organs -2021-09-20 08:40:54.783 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.068182 -2021-09-20 08:40:54.792 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: unlike his master he made no pretension to any gift of poetic power but his inexhaustible memory made him a living encyclopaedia and for his stock of anecdotes and trooper's tales he was matchless -Output Transcription: i'm like his master he made no pretension to any gift of poetic power but his inexhaustible memory made him a living encyclopedia and for his stock of anecdotes and troopers tales he was matchless -2021-09-20 08:40:54.801 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.117647 -2021-09-20 08:40:54.808 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: from the same men new regiments and new companies were formed different officers appointed and the whole military force put into such hands as the independents could rely on -Output Transcription: from the same men new regiments and new companies were formed different officers appointed and the whole military force put into such hands as the independence could rely on -2021-09-20 08:40:54.814 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.034483 -2021-09-20 08:40:54.815 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: he did not think of the warm sun and of the fresh air he did not care for the little cottage children that ran about and prattled when they were in the woods looking for wild strawberries -Output Transcription: he did not think of the warm sun and of the fresh air he did not care for the little cottage children that ran about and prattled when they were in the woods looking for wild strawberries -2021-09-20 08:40:54.815 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:40:54.819 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: by a quick and unexpected march montrose hastened to innerlochy and presented himself in order of battle before the surprised but not affrightened covenanters -Output Transcription: by a quick and unexpected march montrose hastened to interlock and presented himself in order of battle before the surprised but not a frightened covenants -2021-09-20 08:40:54.824 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.166667 -2021-09-20 08:40:54.836 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: simply by stopping her carriage two or three times before the shop to have her snuff box filled and by saying aloud to the young girl who handed back the box that her snuff was the very best in paris -Output Transcription: simply by stopping her carriage two or three times before the shop to have her snuffbox filled and by saying aloud to the young girl who handed back the box that her snuff was the very best in paris -2021-09-20 08:40:54.847 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.050000 -2021-09-20 08:40:54.859 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: time rolled on the hour of her delivery arrived it took place in the utmost secrecy her mother taking upon her the office of midwife and she gave birth to a son one of the most beautiful ever seen -Output Transcription: time rolled on the hour of her delivery arrived it took place in the utmost secrecy her mother taking upon her the office of midwife as she gave birth to a son one of the most beautiful ever seen -2021-09-20 08:40:54.870 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.025641 -2021-09-20 08:40:54.880 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: meanwhile he had called upon me to make a report of the three wire system known in england as the hopkinson both doctor john hopkinson and mister edison being independent inventors at practically the same time -Output Transcription: meanwhile he had called upon me to make a report of the three wire system known in england as the hopkinson both doctor john hopkins and and mister edison being independent inventors at practically the same time -2021-09-20 08:40:54.890 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.055556 -2021-09-20 08:40:54.903 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: if a rock or a rivulet or a bit of earth harder than common severed the links of the clew they followed the true eye of the scout recovered them at a distance and seldom rendered the delay of a single moment necessary -Output Transcription: if a rock or a rivulet or bit of earth harder than common severe the links of the clue they followed the true eye of the scout recovered them at a distance and seldom rendered the delay of a single moment necessary -2021-09-20 08:40:54.916 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.069767 -2021-09-20 08:40:54.926 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: all the images of his past life floated upon his memory his thoughts sped away to his native france only to return again to wonder whether the depths of ocean would reveal any traces of the algerian metropolis -Output Transcription: all the images of his past life floated upon his memory his thoughts spare away to his native france only to return again to wonder whether the depths of ocean would reveal any traces of the algerian metropolis -2021-09-20 08:40:54.937 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.026316 -2021-09-20 08:40:54.946 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the child had a native grace which does not invariably co exist with faultless beauty its attire however simple always impressed the beholder as if it were the very garb that precisely became it best -Output Transcription: the child had a native grace which does not invariably coexist with faultless beauty its attire however simple always impressed the beholder as if it were the very garb that precisely became at best -2021-09-20 08:40:54.955 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.085714 -2021-09-20 08:40:54.956 | INFO | deepspeech2x.model:test:372 - Error rate [wer] (2304/?) = 0.070338 -2021-09-20 08:41:00.471 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: in this way the fete of the whole court was a fete also for the mysterious inhabitants of the forest for certainly the deer in the brake the pheasant on the branch the fox in its hole were all listening -Output Transcription: in this way the fate of the whole court was effete also for the mysterious inhabitants of the forest for certainly the deer and the brake the pheasant on the branch the fox in its hole were all listening -2021-09-20 08:41:00.483 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.100000 -2021-09-20 08:41:00.493 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: just at the moment when the tears of the pitying beholders flowed fastest and their ejaculations were most expressive of despair leocadia gave signs of recovery and brought back gladness to the hearts of all -Output Transcription: just at a moment when the tears of the pitying beholders flowed fastest and their ejaculations where most expressive of despair the acadia go signs of recovery and brought back glades for the hearts of a -2021-09-20 08:41:00.502 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.228571 -2021-09-20 08:41:00.513 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: at the edge of this box there lies a great wooden doll which so far as mutilation is concerned bears a strong resemblance to the finest greek sculpture and especially in the total loss of its nose -Output Transcription: at the edge of this box there lies a great wooden doll which so far as mutilation is concern bears a strong resemblance to the finest greek sculpture and especially in the total loss of its nose -2021-09-20 08:41:00.524 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.027027 -2021-09-20 08:41:00.537 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: he had for his own town residence a big house filled with the spoils of travel and the trophies of the chase but it was to his country home an old family place in essex that he wished her immediately to proceed -Output Transcription: he had for his own town residence of big house filled with the spoils of travel and the trophies of the chase but it was to his country home an old family place in essex that he wished her immediately to proceed -2021-09-20 08:41:00.550 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.023810 -2021-09-20 08:41:00.561 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the wind being adverse the dobryna did not make very rapid progress but as the weather in spite of a few clouds remained calm and the sea was quite smooth she was enabled to hold a steady course -Output Transcription: the wind being adverse the dorena did not make very rapid progress but as the weather in spite of a few clouds remained calm and the sea was quite smooth she was enabled to hold a steady course -2021-09-20 08:41:00.572 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.026316 -2021-09-20 08:41:00.585 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: they approached the door which was of an arched form and flanked on each side by a narrow tower or projection of the edifice in both of which were lattice windows the wooden shutters to close over them at need -Output Transcription: they approached the door which was of an arched form and flanked on each side by a narrow tower or projection of the edifice in both of which were latticed windows the wooden shutters to close over them at need -2021-09-20 08:41:00.597 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.025000 -2021-09-20 08:41:00.597 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: unless he could secure an engine of smoother running and more exactly governed and regulated than those available for his dynamo and lamp edison realized that he would find it almost impossible to give a steady light -Output Transcription: unless he could secure an engine of smoother running and more exactly governed and regulated than those available for his dynamo and lamp edison realized that he would find it almost impossible to give a steady light -2021-09-20 08:41:00.598 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:41:00.598 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the sentence of saint james which says that he who offends against one commandment becomes guilty of all had seemed to him first a swollen phrase until he had begun to grope in the darkness of his own state -Output Transcription: the sentence of saint james which says that he who offends against one commandment becomes guilty of all had seemed to him first a swollen phrase until he had begun to grope in the darkness of his own state -2021-09-20 08:41:00.598 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:41:00.609 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: since last thursday i ghip ghisizzle have been the lawful boolooroo of the blue country but now that you are conquered by queen trot i suppose i am conquered too and you have no boolooroo at all -Output Transcription: since last thursday i get these have been the lawful booooo of the blue country but now that you are conquered by queen shot i suppose i am conquer too and you have no bolero at all -2021-09-20 08:41:00.619 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.162162 -2021-09-20 08:41:00.628 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: she tried this morning an air or two upon the piano sang a simple song in a sweet but slightly metallic voice and then seating herself by the open window read philip's letter -Output Transcription: she tried it this morning and air or two upon the piano saying a simple song in a sweet but slightly metallic voice and then seating herself by the open window read philip's letter -2021-09-20 08:41:00.637 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.090909 -2021-09-20 08:41:00.649 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: when the boy walked through the streets blessings were showered upon him by all who saw him blessings upon his beauty upon the mother that bore him upon the father that begot him upon those who brought him up so well -Output Transcription: when the boy walked through the streets blessings were showered upon him by all who saw him blessing upon his beauty upon the mother that bore him upon the father that begot him upon those who brought him up so well -2021-09-20 08:41:00.661 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.024390 -2021-09-20 08:41:00.669 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the large letter contains indeed entirely feeble and ill drawn figures that is merely childish and failing work of an inferior hand it is not characteristic of gothic or any other school -Output Transcription: the large letter contains indeed entirely feeble and ill drawn figures that is merely childish and failing work of an unfair hand it is not characteristic of gothic or any other school -2021-09-20 08:41:00.677 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.031250 -2021-09-20 08:41:00.687 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: we believe in a literal resurrection and an actual hereafter in which future state shall be recognized every sanctified and authorized relationship existing here on earth of parent and child brother and sister husband and wife -Output Transcription: we believe in a literal resurrection and an actual hereafter in which future state shall be recognized every sanctified an authorized relationship existing here on earth of parent and child brother and sister husband and wife -2021-09-20 08:41:00.696 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.027778 -2021-09-20 08:41:00.701 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: to grow and grow to get older and be tall thought the tree that after all is the most delightful thing in the world -Output Transcription: to grow and grow to get on her and be tall thought the tree fat after all is the most delightful thing in the world -2021-09-20 08:41:00.705 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.125000 -2021-09-20 08:41:00.706 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: there too were large easy chairs silken sofas large tables full of picture books and full of toys worth hundreds and hundreds of crowns at least the children said so -Output Transcription: there too were large easy chairs silken sofas large tables full of picture books and full of toys worth hundreds and hundreds of crowns at least the children said so -2021-09-20 08:41:00.706 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:41:00.706 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: time enough had he too for his reflections for days and nights passed on and nobody came up and when at last somebody did come it was only to put some great trunks in a corner out of the way -Output Transcription: time enough had he too for his reflections for days and nights passed on and nobody came up and when at last somebody did come it was only to put some great trunks in a corner out of the way -2021-09-20 08:41:00.707 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:41:00.718 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: what world wide iniquity such a speech as that discloses said i still turning myself to the captain for though i would have crushed them both by my words had it been possible my dislike centred itself on sir ferdinando -Output Transcription: what world wide iniquity such speech as that disclose said i still turning myself to the captain for though i would have crushed them both by my words had it been possible my dislikes centre itself and sir ferdinando -2021-09-20 08:41:00.730 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.125000 -2021-09-20 08:41:00.738 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: thel is like a watry bow and like a parting cloud like a reflection in a glass like shadows in the water like dreams of infants like a smile upon an infants face -Output Transcription: fell is like a watery bow and like a parting cloud like a reflection in a glance like shadows in the water like dreams of infants like a smile upon an infant's face -2021-09-20 08:41:00.747 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.121212 -2021-09-20 08:41:00.764 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: she was gone out into the village on some errand when as she was descending the steep street her foot slipped on the ice and she fell it was dark and no one saw her mischance till after a time her groans attracted the attention of a passer by -Output Transcription: she was gone out into the village on some errand when as she was descending the steep street her foot slipped on ice and she fell he was dark and no one saw her mischance till after a time her groans attracted the attention of a passer by -2021-09-20 08:41:00.782 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.040816 -2021-09-20 08:41:00.792 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: it will be wholly impossible for you to retain the tranquillity of temper and felicity of faith necessary for noble purist painting unless you are actively engaged in promoting the felicity and peace of practical life -Output Transcription: it will be wholly impossible for you to retain the tranquillity of temper and felicity of faith necessary for noble purest painting unless you are actively engaged in promoting the felicity and piece of practical life -2021-09-20 08:41:00.802 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.055556 -2021-09-20 08:41:00.802 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: so those offices which are by right the proper employment of the leisure class are noble such as government fighting hunting the care of arms and accoutrements and the like in short those which may be classed as ostensibly predatory employments -Output Transcription: so those offices which are by right the proper employment of the leisure class are noble such as government fighting hunting the care of arms and accoutrements and the like in short those which may be classed as ostensibly predatory employments -2021-09-20 08:41:00.803 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:41:00.815 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: in his return to the camp his acute and practised intellects were intently engaged in devising means to counteract a watchfulness and suspicion on the part of his enemies that he knew were in no degree inferior to his own -Output Transcription: in his return to the camp his acute and practised intellects were intensely engaged in devising means to counteract a watchfulness and suspicion on the part of his enemies that he knew were in no degree inferior to his own -2021-09-20 08:41:00.827 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.025000 -2021-09-20 08:41:00.835 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: there is no logical impossibility in the hypothesis that the world sprang into being five minutes ago exactly as it then was with a population that remembered a wholly unreal past -Output Transcription: there is no logical impossibility in the hypothesis that the world sprang into being five minutes ago exactly as it then was with the population that remembered a wholly unreal past -2021-09-20 08:41:00.843 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.032258 -2021-09-20 08:41:00.848 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: then i long tried by natural ills received the comfort fast while budding at thy sight my pilgrim's staff gave out green leaves with morning dews impearled -Output Transcription: then i long tried by natural hills received the comfort fast while budding at thy sight my pilgrim staff gave out green lies with morning dews imperil -2021-09-20 08:41:00.854 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.148148 -2021-09-20 08:41:00.854 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: federal judges and united states attorneys in utah who were not mormons nor lovers of mormonism refused to entertain complaints or prosecute cases under the law because of its manifest injustice and inadequacy -Output Transcription: federal judges and united states attorneys in utah who were not mormons nor lovers of mormonism refused to entertain complaints or prosecute cases under the law because of its manifest injustice and inadequacy -2021-09-20 08:41:00.855 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:41:00.862 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: she promised to do this and she mentioned to me that when for a moment disburdened delighted he held her hand thanking her for the sacrifice she already felt rewarded -Output Transcription: she promised to do this and she mentioned to me that when for a moment is burdened delighted he held her hand thanking her for the sacrifice she already felt rewarded -2021-09-20 08:41:00.869 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.066667 -2021-09-20 08:41:00.883 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: many of these again and also many of the other aristocracy of less degree have in turn attached to their persons a more or less comprehensive group of vicarious consumer in the persons of their wives and children their servants retainers et cetera -Output Transcription: many of these again and also many of the other aristocracy of less degree having turn attached to their persons and more or less comprehensive group of icarus consumer in the persons of their wifes and children their servants retainers et cetera -2021-09-20 08:41:00.896 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.116279 -2021-09-20 08:41:00.904 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: proscribed by the civil and ecclesiastical powers of the empire the donatists still maintained in some provinces particularly in numidia their superior numbers and four hundred bishops acknowledged the jurisdiction of their primate -Output Transcription: prescribed by the civil and ecclesiastical powers of the empire the donatists still maintained in some provinces particularly in the media their superior numbers and four hundred bishops acknowledged the jurisdiction of their primate -2021-09-20 08:41:00.913 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.090909 -2021-09-20 08:41:00.913 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: and this method of treating the case was much more effectual in making them disposed to avoid committing a similar fault another time than any direct rebukes or expressions of displeasure addressed personally to them would have been -Output Transcription: and this method of treating the case was much more effectual in making them disposed to avoid committing a similar fault another time than any direct rebukes or expressions of displeasure addressed personally to them would have been -2021-09-20 08:41:00.913 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:41:00.924 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: if christian perfection be necessary to salvation i shall never be saved my heart is a very hotbed for sinful thoughts and when i decide on an action i scarcely remember to look to my redeemer for direction -Output Transcription: if christian perfection be necessary to salvation i shall never be saved my heart is a very hot bed for sinful thoughts and when i decide on an action i scarcely remember to look to my redeemer for direction -2021-09-20 08:41:00.935 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.052632 -2021-09-20 08:41:00.949 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the english forwarded to the french baskets of flowers of which they had made a plentiful provision to greet the arrival of the young princess the french in return invited the english to a supper which was to be given the next day -Output Transcription: the english forward it to the french baskets of flowers of which they had made a plantable provision to greet the arrival of the young princess the french in return invited the english to a supper which was to be given the next day -2021-09-20 08:41:00.963 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.069767 -2021-09-20 08:41:00.977 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the brown ground beneath is left for the most part one touch of black is put for the hollow two delicate lines of dark gray define the outer curve and one little quivering touch of white draws the inner edge of the mandible -Output Transcription: the brown ground beneath his left for the most part one touch of black is put for the hollow to delicate lines of dark gray to find the outer curve and one little quivering touch of white draws the inner edge of the mandible -2021-09-20 08:41:00.991 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.093023 -2021-09-20 08:41:00.992 | INFO | deepspeech2x.model:test:372 - Error rate [wer] (2336/?) = 0.069980 -2021-09-20 08:41:05.300 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: her tongue was not less keen than her eye and whenever a damsel came within earshot seemed to take up an unfinished lecture as a barrel organ takes up a tune precisely at the point where it had left off -Output Transcription: her tongue was not less keen than her eye and whenever a damsel came with her shot seemed to take up an unfinished lecture as a barrel organ take opportune precisely at the point where it had left off -2021-09-20 08:41:05.313 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.175000 -2021-09-20 08:41:05.330 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: he had no friend wise enough to tell him to step into the dorking convention then in session make a sketch of the men and women on the platform and take it to the editor of the daily grapevine and see what he could get a line for it -Output Transcription: he had no friend wise enough to tell him to step into the working convention then in session make a sketch of the men and women on the platform and take it to the editor of the daily grapevine and see what he could get a line for it -2021-09-20 08:41:05.348 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.020408 -2021-09-20 08:41:05.361 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: but such was his keenness that even while the wide flukes of his engorged victim were still sticking out at the corners of his beak his fierce red eyes were once more peering downward into the torrent in search of fresh prey -Output Transcription: but such was his keenness that even while the wide flukes of his engorged victim were still sticking out of the corners of his beak his fierce red eyes were once more peering downward into the torrent in search of fresh prey -2021-09-20 08:41:05.374 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.023810 -2021-09-20 08:41:05.383 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: and then we insist upon it the study of social deformities and infirmities and the task of pointing them out with a view to remedy is not a business in which choice is permitted -Output Transcription: and then we insist upon it the study of social deformities and infirmities and the task of pointing them out with a view to remedy is not a business in which choices permitted -2021-09-20 08:41:05.391 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.058824 -2021-09-20 08:41:05.404 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: miss woodley was too little versed in the subject to know this would have been not to love at all at least not to the extent of breaking through engagements and all the various obstacles that still militated against their union -Output Transcription: miss woodley was too little versed in the subject to know this would have been not to love at all at least not to the extent of breaking through engagements and all the various obstacles that still mitigated against their union -2021-09-20 08:41:05.416 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.024390 -2021-09-20 08:41:05.429 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: who was it she was in love with the story will tell i took upon myself to reply oh i can't wait for the story the story won't tell said douglas not in any literal vulgar way more's the pity then -Output Transcription: who was it she was in love with the story will tell i took upon myself to reply oh i can't wait for the story the story won't tell said douglas not in any literal vulgar way more the pity then -2021-09-20 08:41:05.441 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.024390 -2021-09-20 08:41:05.456 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: natty harmon tried the kitchen pump secretly several times during the evening for the water had to run up hill all the way from the well to the kitchen sink and he believed this to be a continual miracle that might give out at any moment -Output Transcription: nattie harmon tried the kitchen pump secretly several times during the evening for the water had to run up hill all the way from the well to the kitchen sink and he believed this to be a continual miracle that might give out at any moment -2021-09-20 08:41:05.472 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.021739 -2021-09-20 08:41:05.484 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: when she came to her senses and blushing to find herself in rodolfo's arms would have disengaged herself no senora he said that must not be strive not to withdraw from the arms of him who holds you in his soul -Output Transcription: when she came to her senses and blushing to find herself and rudolph's arms would have disengaged herself no senora he said that must not be strive not to withdraw from the arms of him who holds you in his soul -2021-09-20 08:41:05.497 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.048780 -2021-09-20 08:41:05.497 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: but the proprietor appeared already to have relinquished as hopeless the effort to perpetuate on this side of the atlantic in a hard soil and amid the close struggle for subsistence the native english taste for ornamental gardening -Output Transcription: but the proprietor appeared already to have relinquished as hopeless the effort to perpetuate on this side of the atlantic in a hard soil and amid the close struggle for subsistence the native english taste for ornamental gardening -2021-09-20 08:41:05.497 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:41:05.508 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: bragelonne watched for some time the conduct of the two lovers listened to the loud and uncivil slumbers of manicamp who snored as imperiously as though he was wearing his blue and gold instead of his violet suit -Output Transcription: raglan washed for some time the conduct of the two lovers listen to the loud and uncivil slumbers of minicamp who scored as imperiously as though he was wearing his blue and gold instead of his violet suit -2021-09-20 08:41:05.518 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.131579 -2021-09-20 08:41:05.527 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: for the great barn doors are thrown wide open and men are busy there mending the harness under the superintendence of mister goby the whittaw otherwise saddler who entertains them with the latest treddleston gossip -Output Transcription: where the great barn doors are thrown wide open and men are busy there mending the harness under the superintendence of mister goby the widow otherwise saddler who entertains them with a latest treadstone gossip -2021-09-20 08:41:05.536 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.114286 -2021-09-20 08:41:05.551 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: but do not suppose that i disparage the gift which you possess nor that i would discourage you from exercising it i only exhort you so to think of it and so to use it as to render it conducive to your own permanent good -Output Transcription: but do not suppose that i despaired the gift which you possess nor that i would discourage you from exercising it i only exhort you so to think of it and so to use it as surrender it conducive to your own permanent good -2021-09-20 08:41:05.565 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.066667 -2021-09-20 08:41:05.581 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: he is a welcome figure at the garden parties of the elect who are always ready to encourage him by accepting free seats for his play actor managers nod to him editors allow him to contribute without charge to a symposium on the price of golf balls -Output Transcription: he is a welcome figure at the garden parties of the elect who were always ready to encourage him by accepting free seats for his play actor managers nod to him anders allow him to contribute without charge to somos um on the price of golf both -2021-09-20 08:41:05.597 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.106383 -2021-09-20 08:41:05.598 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: poor douglas before his death when it was in sight committed to me the manuscript that reached him on the third of these days and that on the same spot with immense effect he began to read to our hushed little circle on the night of the fourth -Output Transcription: poor douglas before his death when it was in sight committed to me the manuscript that reached him on the third of these days and that on the same spot with immense effect he began to read to our hushed little circle on the night of the fourth -2021-09-20 08:41:05.598 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:41:05.608 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: o little cloud the virgin said i charge thee to tell me why thou complainest now when in one hour thou fade away then we shall seek thee but not find ah thel is like to thee -Output Transcription: o little cloud the virgin said i charge thee to tell me why thou complains now when in one hour thou fatal way then we shall seek me but not fine ah fell is like the -2021-09-20 08:41:05.618 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.216216 -2021-09-20 08:41:05.624 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the painter who says my grinder the notary who says my skip the gutter the hairdresser who says my mealyback the cobbler who says my cub talks slang -Output Transcription: the painter who says my grinder the notary who says my skip of the gutter the hair dresser who says my melba the cobbler who says my curb talks slang -2021-09-20 08:41:05.630 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.178571 -2021-09-20 08:41:05.647 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: luis was out of danger in a fortnight in a month he rose from his bed and during all that time he was visited daily by his mother and grandmother and treated by the master and mistress of the house as if he was their own child -Output Transcription: is was out of danger in a fortnight in a month he rose from his bed and drawing all that time he was visited daily by his mother and grandmother and treated by the master and mistress of the house as if he was their own child -2021-09-20 08:41:05.663 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.042553 -2021-09-20 08:41:05.676 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: drunkenness and the other pathological consequences of the free use of stimulants therefore tend in their turn to become honorific as being a mark at the second remove of the superior status of those who are able to afford the indulgence -Output Transcription: drunkeness and the other pathological consequences of the free use of stimulants they have ten in their turn to become honorific as being a mark at the second remove of the superior status of those who are able to afford the indulgence -2021-09-20 08:41:05.688 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.097561 -2021-09-20 08:41:05.699 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: every line in which the master traces it even where seemingly negligent is lovely and set down with a meditative calmness which makes these two etchings capable of being placed beside the most tranquil work of holbein or duerer -Output Transcription: every line in which the master traces it even where seemingly negligent is lovely and sat down with a meditative calmness which makes these two edgings capable of being placed beside the most tranquil work of hobin ordure -2021-09-20 08:41:05.711 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.128205 -2021-09-20 08:41:05.711 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: whenever the sense of familiarity occurs without a definite object it leads us to search the environment until we are satisfied that we have found the appropriate object which leads us to the judgment this is familiar -Output Transcription: whenever the sense of familiarity occurs without a definite object it leads us to search the environment until we are satisfied that we have found the appropriate object which leads us to the judgment this is familiar -2021-09-20 08:41:05.711 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:41:05.724 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: be it said to the honor of some of the officers entrusted with the terrible commission that when they learned its true significance they resigned their authority rather than have anything to do with what they designated a cold blooded butchery -Output Transcription: be it said to the honour of some of the officers intrusted with a terrible commission that when they learnt its true significance they resign their authority rather than have anything to do with what they designated a cold blooded butchery -2021-09-20 08:41:05.736 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.121951 -2021-09-20 08:41:05.736 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: in an image of a well known face for example some parts may feel more familiar than others when this happens we have more belief in the accuracy of the familiar parts than in that of the unfamiliar parts -Output Transcription: in an image of a well known face for example some parts may feel more familiar than others when this happens we have more belief in the accuracy of the familiar parts than in that of the unfamiliar parts -2021-09-20 08:41:05.737 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:41:05.744 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: in a sunset glowing of crimson and gold she lies the glory of the world a beached king's galley whose sails are furled who is hung with tapestries rich and old -Output Transcription: in a sunset glowing of crimson and gold she lies the glory of the world he beached kings galley whose sails are furled he was hung with tapestries rich and old -2021-09-20 08:41:05.751 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.129032 -2021-09-20 08:41:05.752 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: of mark wylder i say this his name has been for years hateful to me and recently it has become frightful and you will promise me simply this that you will never ask me to speak again about him -Output Transcription: of mark wylder i say this his name has been for years hateful to me and recently it has become frightful and you will promise me simply this that you will never ask me to speak again about him -2021-09-20 08:41:05.752 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:41:05.764 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the fireball half of it white half azure blue and the size of a ten inch shell moved slowly about the raft but revolving on its own axis with astonishing velocity as if whipped round by the force of the whirlwind -Output Transcription: the fireball half of it why half azure blue and the size of a ten inch shell moved so about the raft but revolving on its own axis with astonishing velocity as if whip round by the force of the whirlwind -2021-09-20 08:41:05.777 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.073171 -2021-09-20 08:41:05.788 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the bond of union thus effected could never be severed and although ben zoof's achievements had fairly earned him the right of retirement he firmly declined all honors or any pension that might part him from his superior officer -Output Transcription: the bond of union thus effected could never be severed and although benzos achievements had fairly earned him the right of retirement he firmly declined all honors or any pension that might part him from his superior officer -2021-09-20 08:41:05.799 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.051282 -2021-09-20 08:41:05.799 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: before the settlement of terms the administration must be possessed entirely by the parliaments of both kingdoms and how incompatible that scheme with the liberty of the king is easily imagined -Output Transcription: before the settlement of terms the administration must be possessed entirely by the parliaments of both kingdoms and how incompatible that scheme with the liberty of the king is easily imagined -2021-09-20 08:41:05.800 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:41:05.808 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the london plant was less temporary but not permanent supplying before it was torn out no fewer than three thousand lamps in hotels churches stores and dwellings in the vicinity of holborn viaduct -Output Transcription: the london plant was less temporary but not permanent supplying before it was worn out no fewer than three thousand lamps in hotels churches stores and dwellings in the vicinity of holborn viaduct -2021-09-20 08:41:05.816 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.030303 -2021-09-20 08:41:05.826 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: it may be that a great colorist will use his utmost force of color as a singer his full power of voice but loud or low the virtue is in both cases always in refinement never in loudness -Output Transcription: it may be that a great colorless will use his utmost force of collar as a singer his full power of voice but loud or will the virtues in both cases always in refinement never in loudness -2021-09-20 08:41:05.837 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.131579 -2021-09-20 08:41:05.847 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: he doesn't say but it's on the frontier and on the map everything beyond it is marked indians and desert and looks as desolate as a wednesday meeting humph it was time for him to do something -Output Transcription: he doesn't say but it's on the frontier and on the map everything beyond it is marked indians and desert and looks as desolate as a wednesday meeting huh it was time for him to do something -2021-09-20 08:41:05.857 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.027027 -2021-09-20 08:41:05.865 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: a large open fireplace with rusty dogs in it and a bare boarded floor at the far end fleeces of wool stacked up in the middle of the floor some empty corn bags -Output Transcription: a large open fireplace with rusty dogs in it and a bearer boarded floor at the far end fleeces of wool stacked up in the middle of the floor some empty corn bags -2021-09-20 08:41:05.873 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.030303 -2021-09-20 08:41:05.887 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: much later when a friend of his was preparing an edition of all his latin works he remarked to his home circle if i had my way about it they would republish only those of my books which have doctrine my galatians for instance -Output Transcription: much later when a friend of his was preparing an edition of all his latin works he remarked to his home circle if i had my way about it they would republish only those of my books which have doctrine modulations for instance -2021-09-20 08:41:05.900 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.045455 -2021-09-20 08:41:05.902 | INFO | deepspeech2x.model:test:372 - Error rate [wer] (2368/?) = 0.069801 -2021-09-20 08:41:13.355 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: it was the white rabbit returning splendidly dressed with a pair of white kid gloves in one hand and a large fan in the other he came trotting along in a great hurry muttering to himself as he came oh the duchess the duchess -Output Transcription: it was the white rabbit returning splendidly dressed the pair white kid gloves in one hand and a large fan in the other he came trotting along in a great hurry muttering to himself as he came oh the duchess the duchess -2021-09-20 08:41:13.369 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.068182 -2021-09-20 08:41:13.386 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the dependent who was first delegated for these duties was the wife or the chief wife and as would be expected in the later development of the institution when the number of persons by whom these duties are customarily performed gradually narrows the wife remains the last -Output Transcription: the dependent who was first delegated for these duties was the wife or the chief wife and as would be expected in a later development of the institution when the number of persons for whom these due to sacs marily performed gradual and arrows the wife remains the last -2021-09-20 08:41:13.403 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.191489 -2021-09-20 08:41:13.403 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: shall i never miss home talk and blessing and the common kiss that comes to each in turn nor count it strange when i look up to drop on a new range of walls and floors another home than this -Output Transcription: shall i never miss home talk and blessing and the common kiss that comes to each in turn nor count it strange when i look up to drop on a new range of walls and floors another home than this -2021-09-20 08:41:13.403 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:41:13.423 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: it is also noticeable that the serviceability of consumption as a means of repute as well as the insistence on it as an element of decency is at its best in those portions of the community where the human contact of the individual is widest and the mobility of the population is greatest -Output Transcription: it is also noticeable that the sensibility of consumption as a means of repute as well as the insistence on it as an element of decency is at its best in those portions of the community where human contact of the individual is widest and the mobility of the population is greatest -2021-09-20 08:41:13.443 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.037736 -2021-09-20 08:41:13.444 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: assuredly if the tongue which a nation or a province has spoken is worthy of interest the language which has been spoken by a misery is still more worthy of attention and study -Output Transcription: assuredly if the tongue which a nation or a province has spoken is worthy of interest the language which has been spoken by a misery is still more worthy of attention and study -2021-09-20 08:41:13.444 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:41:13.444 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i have not asked him ruth replied with a look that might imply that she was one of those determined little bodies who first made up her own mind and then compelled others to make up theirs in accordance with hers -Output Transcription: i have not asked him ruth replied with a look that might imply that she was one of those determined little bodies who first made up her own mind and then compelled others to make up theirs in accordance with hers -2021-09-20 08:41:13.444 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:41:13.456 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: we don't spin tops is a favorite saying amongst artillery officers indicating that they do not shirk their duty by frivolous pursuits but it must be confessed that servadac being naturally idle was very much given to spinning tops -Output Transcription: we don't spend tops is a favourite saying amongst artillery officers indicating that they do not shirk their duty by frivolous pursuits but it must be confessed that serve ada being naturally idol was very much given the spinning tops -2021-09-20 08:41:13.468 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.153846 -2021-09-20 08:41:13.478 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the strong position held by the edison system under the strenuous competition that was already springing up was enormously improved by the introduction of the three wire system and it gave an immediate impetus to incandescent lighting -Output Transcription: the strong position held by the edison's system under the strenuous competition that was already springing up was enormously improved by the introduction of the three wire system and it gave an immediate impetus to incandescent lighting -2021-09-20 08:41:13.488 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.027027 -2021-09-20 08:41:13.497 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: brighter than early dawn's most brilliant dye are blown clear bands of color through the sky that swirl and sweep and meet to break and foam like rainbow veils upon a bubble's dome -Output Transcription: brighter than early dawns most brilliant die are blown clear bands of color through the sky that swirl and sweep and meet to break and foam like rainbow veils upon a bubble dome -2021-09-20 08:41:13.505 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.090909 -2021-09-20 08:41:13.506 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the definition of my experience is difficult broadly speaking it is everything that is connected with what i am experiencing now by certain links of which the various forms of memory are among the most important -Output Transcription: the definition of my experience is difficult broadly speaking it is everything that is connected with what i am experiencing now by certain links of which the various forms of memory are among the most important -2021-09-20 08:41:13.506 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:41:13.521 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: and so if i'd been delayed by a quarter of an hour or even less the frigate would have gone without me and i would have missed out on this unearthly extraordinary and inconceivable expedition whose true story might well meet with some skepticism -Output Transcription: and so if i had been delayed by a quarter of an hour or even less the frigate would have gone without me and i would have missed out on this unearthly extraordinary and inconceivable expedition whose true story might well meet with some skepticism -2021-09-20 08:41:13.535 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.045455 -2021-09-20 08:41:13.548 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the uncouth faces passed him two by two stained yellow or red or livid by the sea and as he strove to look at them with ease and indifference a faint stain of personal shame and commiseration rose to his own face -Output Transcription: the uncouth faces past him two by two stained yellow or red or livid by the sea and as he strove to look at them with ease and indifference a faint stain of personal shame and commiseration rose to his own face -2021-09-20 08:41:13.562 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.023810 -2021-09-20 08:41:13.571 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: one of his militia generals suggested that the governor should require the outlaws at lawrence and elsewhere to surrender the sharps rifles another wrote asking him to call out the government troops at fort leavenworth -Output Transcription: one of his militia general suggested that the governor should require the outlaws at lawrence and elsewhere to surrender the sharps rifles another road asking him to call out the government troops at fort leavenworth -2021-09-20 08:41:13.580 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.057143 -2021-09-20 08:41:13.580 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: like his unfortunate little cousin the teal he too had felt the fear of death smitten into his heart and was heading desperately for the refuge of some dark overhanging bank deep fringed with weeds where the dreadful eye of the hawk should not discern him -Output Transcription: like his unfortunate little cousin the teal he too had felt the fear of death smitten into his heart and was heading desperately for the refuge of some dark overhanging bank deep fringed with weeds where the dreadful eye of the hawk should not discern him -2021-09-20 08:41:13.581 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:41:13.592 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: to all appearance molly had got through her after dinner work in an exemplary manner had cleaned herself with great dispatch and now came to ask submissively if she should sit down to her spinning till milking time -Output Transcription: to all appearance mollie had got through her after dinner work in an exemplary manner had cleaned herself with great dispatch and now came to ask submissively if she should sit down to her spinning till milking time -2021-09-20 08:41:13.603 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.026316 -2021-09-20 08:41:13.621 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: you must know said margolotte when they were all seated together on the broad window seat that my husband foolishly gave away all the powder of life he first made to old mombi the witch who used to live in the country of the gillikins to the north of here -Output Transcription: you must know said margo late when they were all seated together on the broad window seat that my husband foolishly gave away all the powder of life he first made to old more the witch who used to live in the country of the gillian to the north of here -2021-09-20 08:41:13.639 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.080000 -2021-09-20 08:41:13.640 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: it was idle for him to move himself to be generous towards them to tell himself that if he ever came to their gates stripped of his pride beaten and in beggar's weeds that they would be generous towards him loving him as themselves -Output Transcription: it was idle for him to move himself to be generous towards them to tell himself that if he ever came to their gates stripped of his pride beaten and in beggar's weeds that they would be generous towards him loving him as themselves -2021-09-20 08:41:13.640 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:41:13.653 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: well you know radie women like wicked fellows it is contrast i suppose but they do and i'm sure from what bracton has said to me i know him intimately that dorcas likes him and i can't conceive why they are not married -Output Transcription: well you know ready women like wicked fellows it is contrast i suppose but they do and i'm sure from what brocton has said to me i know him intimately that dorcas likes him and i can't conceive why they are not married -2021-09-20 08:41:13.667 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.046512 -2021-09-20 08:41:13.668 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: it was a look so intelligent yet inexplicable perverse sometimes so malicious but generally accompanied by a wild flow of spirits that hester could not help questioning at such moments whether pearl was a human child -Output Transcription: it was a look so intelligent yet inexplicable perverse sometimes so malicious but generally accompanied by a wild flow of spirits that hester could not help questioning at such moments whether pearl was a human child -2021-09-20 08:41:13.668 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:41:13.677 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: he doesn't say exactly what it is said ruth a little dubiously but it's something about land and railroads and thee knows father that fortunes are made nobody knows exactly how in a new country -Output Transcription: he doesn't say exactly what it is said ruth a little dubiously but it's something about land and railroads and the nos father that fortunes are made nobody knows exactly how in a new country -2021-09-20 08:41:13.687 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.057143 -2021-09-20 08:41:13.696 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: in the shooting of sheriff jones in lawrence and in the refusal of ex governor beeder to allow the deputy marshal to arrest him they discovered grave offenses against the territorial and united states laws -Output Transcription: in the shooting of sheriff jones and lawrence and in the refusal of exgovernor reader to allow the deputy marshal to arrest him they discovered grave offences against the territorial and the united states laws -2021-09-20 08:41:13.705 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.171429 -2021-09-20 08:41:13.719 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i can afford to smile because i am absolutely powerless before you but i do not the less feel that in a matter in which the progress of the world is concerned i or rather we have been put down by brute force -Output Transcription: i can afford to smile because i am absolutely perilous before you but i do not the less feel that in a matter of which the progress of the world is concerned i or rather we have been put down by brute force -2021-09-20 08:41:13.733 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.046512 -2021-09-20 08:41:13.743 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: but this inestimable privilege was soon violated with the knowledge of truth the emperor imbibed the maxims of persecution and the sects which dissented from the catholic church were afflicted and oppressed by the triumph of christianity -Output Transcription: but this inestimable privilege was soon violated with the knowledge of truth the emperor imbibe the maxims of persecution and the sets which dissented from the catholic church were afflicted and oppressed by the triumph of christianity -2021-09-20 08:41:13.753 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.054054 -2021-09-20 08:41:13.762 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: sheriff jones had his pockets always full of writs issued in the spirit of persecution but was often baffled by the sharp wits and ready resources of the free state people and sometimes defied outright -Output Transcription: sheriff jones had his pocket always full of writs issued in a spirit of persecution that was often baffled by the sharp wits and ready resources of the free state people and sometimes defied outright -2021-09-20 08:41:13.771 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.085714 -2021-09-20 08:41:13.781 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the place he had was a very good one the sun shone on him as to fresh air there was enough of that and round him grew many large sized comrades pines as well as firs -Output Transcription: the place he had was a very good one the sun shone on him as to fresh air there was enough of that and round him grew many large sized comrades pines as well as furs -2021-09-20 08:41:13.791 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.027778 -2021-09-20 08:41:13.800 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i am a very unpleasant pupil always asking questions curious troublesome insatiable and even supposing that i could meet with the teacher i require i am afraid i am not rich enough to pay him -Output Transcription: i am a very unpleasant pupil always asking questions curious troublesome insatiable and even supposing that i couldn't meet with a teacher i require i am afraid i am not rich enough to pay him -2021-09-20 08:41:13.809 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.057143 -2021-09-20 08:41:13.816 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: we have always thought that it was sometimes a courageous act and at least a simple and useful deed worthy of the sympathetic attention which duty accepted and fulfilled merits -Output Transcription: we have always thought that it was sometimes a courageous act and at least is simple and useful deed worthy of the sympathetic attention which duty accepted and fulfilled merits -2021-09-20 08:41:13.823 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.033333 -2021-09-20 08:41:13.835 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: they are beyond all other works that i know existing dependent for their effect on low subdued tones their favorite choice in time of day being either dawn or twilight and even their brightest sunsets produced chiefly out of gray paper -Output Transcription: they are beyond all other works that i know existing dependent for their effect on low subdued terms their favorite choice in time of day being either dawn or twilight and even their brightest sunsets produced chiefly out of gray paper -2021-09-20 08:41:13.848 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.024390 -2021-09-20 08:41:13.849 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: we sometimes have images that are by no means peculiarly vague which yet we do not trust for example under the influence of fatigue we may see a friend's face vividly and clearly but horribly distorted -Output Transcription: we sometimes have images that are by no means peculiarly vague which yet we do not trust for example under the influence of fatigue we may see a friend's face vividly and clearly but horribly distorted -2021-09-20 08:41:13.849 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:41:13.863 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: thinks i to myself i never seen anything osh popham couldn't mend if he took time enough and glue enough so i carried this little feller home in a bushel basket one night last month an i've spent eleven evenin's puttin him together -Output Transcription: thinks it myself i never seen anything asked papa good men if he took time enough and blue enough so i carry this little feller how an bushels at one night last month and i've spent a liban evening putting him together -2021-09-20 08:41:13.876 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.418605 -2021-09-20 08:41:13.891 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: nothing will be more precious to you i think in the practical study of art than the conviction which will force itself on you more and more every hour of the way all things are bound together little and great in spirit and in matter -Output Transcription: nothing will be more precious to you i think in the practical study of art than the conviction which will force itself on you more and more every hour of the way all things are bound together little and great in spirit and matter -2021-09-20 08:41:13.905 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.022222 -2021-09-20 08:41:13.906 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: with many variations suggested by the nature of his building materials diversity of climate and a different mode of social life governor bellingham had planned his new habitation after the residences of gentlemen of fair estate in his native land -Output Transcription: with many variations suggested by the nature of his building materials diversity of climate and a different mode of social life governor bellingham had planned his new habitation after the residences of gentlemen of fair estate in his native land -2021-09-20 08:41:13.906 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:41:13.907 | INFO | deepspeech2x.model:test:372 - Error rate [wer] (2400/?) = 0.069468 -2021-09-20 08:41:18.436 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: at last the little mice stayed away also and the tree sighed after all it was very pleasant when the sleek little mice sat round me and listened to what i told them -Output Transcription: at last the little mice stayed away also and the tree side after all it was very pleasant when the sleek little mice sat around me and listen to what i told them -2021-09-20 08:41:18.445 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.090909 -2021-09-20 08:41:18.455 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: they were later used as reserve machines and finally with the engine retired from service as part of the collection of edisonia but they remain in practically as good condition as when installed in eighteen eighty three -Output Transcription: they were later used as reserved machines and finally with the engine retired from service as part of the collection of ansonia but they remain in practically as good condition as one installed in eighteen eighty three -2021-09-20 08:41:18.465 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.081081 -2021-09-20 08:41:18.475 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: now this knife was a splendid one though half the blade was gone and the handle was a little cracked and anders knew that one is almost a man as soon as one has a jack knife -Output Transcription: now this knife was a splendid one though half the blame was gone and the handle was a little cracked and anders now that one is almost a man as soon as one has a jack knife -2021-09-20 08:41:18.485 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.054054 -2021-09-20 08:41:18.486 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: but they dragged him out of the room and up the stairs into the loft and here in a dark corner where no daylight could enter they left him -Output Transcription: but they dragged him out of the room and up the stairs into the loft and here in a dark corner where no daylight could enter they left him -2021-09-20 08:41:18.486 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:41:18.496 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: in the supposed depths of this dialogue the neo platonists found hidden meanings and connections with the jewish and christian scriptures and out of them they elicited doctrines quite at variance with the spirit of plato -Output Transcription: in the supposed depths of this dialogue the neoplatonists found hidden meanings in connections with the jewish and christian scriptures and out of them they elicited doctrines quite at variance with the spirit of plato -2021-09-20 08:41:18.506 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.083333 -2021-09-20 08:41:18.519 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the modest fellow would have liked fame thrust upon him for some worthy achievement it might be for a book or for the skillful management of some great newspaper or for some daring expedition like that of lieutenant strain or doctor kane -Output Transcription: the modest fellow would have liked fame thrust upon him for some worthy achievement it might be for a book or for the skillful management of some great newspaper or for some daring expedition like that of latinate strain or doctor can -2021-09-20 08:41:18.532 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.047619 -2021-09-20 08:41:18.557 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: that would be very well my child replied her father if your plan were not liable to be frustrated by ordinary cunning but no doubt this image has been already missed by its owner and he will have set it down for certain that it was taken out of the room by the person he locked up there -Output Transcription: that would be very well my child replied her father if your plan were not liable to be frustrated by ordinary cunning but no doubt this image had been already missed by its owner and you will have set it down for certain that it was taken out of the room by the person he locked up there -2021-09-20 08:41:18.583 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.034483 -2021-09-20 08:41:18.583 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: one perceives without understanding it a hideous murmur sounding almost like human accents but more nearly resembling a howl than an articulate word -Output Transcription: one perceives without understanding it a hideous murmur sounding almost like human accents but more nearly resembling a howl than an articulate word -2021-09-20 08:41:18.584 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:41:18.605 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: mister meadowcroft the elder having not spoken one word thus far himself introduced the newcomer to me with a side glance at his sons which had something like defiance in it a glance which as i was sorry to notice was returned with the defiance on their side by the two young men -Output Transcription: mister medico the elder having not spoken one word thus far himself introduced the new comer to me with a side glance at his sons which had something like defiance in it a glance which as i was sorry to notice was returned with the defiance on their side by the two young men -2021-09-20 08:41:18.626 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.056604 -2021-09-20 08:41:18.627 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: now for one little half hour she had been a woman talking to a boy no not even that she had been talking just talking there were no persons in the conversation just things one thing cotton -Output Transcription: now for one little half hour she had been a woman talking to a boy no not even that she had been talking just talking there were no persons in the conversation just things one thing cotton -2021-09-20 08:41:18.627 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:41:18.636 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: we do not know how plato would have arranged his own dialogues or whether the thought of arranging any of them besides the two trilogies which he has expressly connected was ever present to his mind -Output Transcription: we do not know how plato would have arranged his own dialects or whether the thought of arranging any of them besides the two trilogies which he has expressly connected was ever present to his mind -2021-09-20 08:41:18.646 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.027778 -2021-09-20 08:41:18.659 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: for it is a solid heavy handsome door and must once have been in the habit of shutting with a sonorous bang behind a liveried lackey who had just seen his master and mistress off the grounds in a carriage and pair -Output Transcription: for it is a solid heavy handsome door and must once have been in the habit of shutting with sonorous bang behind the livery lackey who had just seen his master and mistress of the grounds in a carriage and pair -2021-09-20 08:41:18.672 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.095238 -2021-09-20 08:41:18.687 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: you will carry out with you one hundred men of the north north west birmingham regiment which will probably suffice for your own security as it is thought that if mister neverbend be withdrawn the people will revert easily to their old habits of obedience -Output Transcription: you will carry out with you one hundred men of the north northwest birmingham regiment which will probably suffice for your own security as it is thought that if mister never been be withdrawn the people will revert easily to their old habits of obedience -2021-09-20 08:41:18.703 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.088889 -2021-09-20 08:41:18.703 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: it was strange too that he found an arid pleasure in following up to the end the rigid lines of the doctrines of the church and penetrating into obscure silences only to hear and feel the more deeply his own condemnation -Output Transcription: it was strange too that he found an arid pleasure in following up to the end the rigid lines of the doctrines of the church and penetrating into obscure silences only to hear and feel the more deeply his own condemnation -2021-09-20 08:41:18.703 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:41:18.715 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the fancies of the neo platonists are only interesting to us because they exhibit a phase of the human mind which prevailed widely in the first centuries of the christian era and is not wholly extinct in our own day -Output Transcription: the fancies of the new platonists are only interesting to us because they excite a face of the human mind which prevail widely in the first centuries of the christian era and is not wholly extinct in our own day -2021-09-20 08:41:18.727 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.100000 -2021-09-20 08:41:18.747 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: it is to let hamlet if that happen to be the name of your character enter with a small dog pet falcon mongoose tame bear or whatever animal is most in keeping with the part and confide in this animal such sorrows hopes or secret history as the audience has got to know -Output Transcription: it is to let hamlet if that happened to be the name of your character in rule small dog pet falcon amongs tabar whatever animal is most in keeping with the part and confide in this animal such sorrows hopes or secret history as the audience has got to know -2021-09-20 08:41:18.767 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.150943 -2021-09-20 08:41:18.780 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the face of the mahogany shone with delight and why not when it was doing everything almost everything within the scope of a piano and yet the family had enjoyed weeks of good nourishing meals on what had been saved by its exertions -Output Transcription: the face of the mahogany shown with delight and why not when it was doing everything almost everything within the scope of a piano and yet the family had enjoyed weeks of good nourishing meals on what had been saved by its exertions -2021-09-20 08:41:18.794 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.023256 -2021-09-20 08:41:18.810 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: eleven o'clock had struck it was a fine clear night they were the only persons on the road and they sauntered leisurely along to avoid paying the price of fatigue for the recreation provided for the toledans in their valley or on the banks of their river -Output Transcription: eleven o'clock had struck it was a fine clear night there are the only persons on the road and they sauntered leisurely along to avoid paying the price of fatigue for the recreation provided for the aliens in the valley or on the banks of their river -2021-09-20 08:41:18.826 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.085106 -2021-09-20 08:41:18.835 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: there is a want of flow and often a defect of rhythm the meaning is sometimes obscure and there is a greater use of apposition and more of repetition than occurs in plato's earlier writings -Output Transcription: there is a want of flow and often a defect of rhythm the meaning is sometimes obscure and there is a greater use of position and more of repetition than occurs in plato's earlier writings -2021-09-20 08:41:18.845 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.028571 -2021-09-20 08:41:18.857 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: but when it came to be a question of lighting a scattered suburb a group of dwellings on the outskirts a remote country residence or a farm house the alternating current in all elements save its danger was and is ideal -Output Transcription: but when it came to be a question of lighting a scattered summer a group of dwellings on the outskirts a remote country residence or a far mouse the alternating current in all elements save its danger was and is ideal -2021-09-20 08:41:18.869 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.073171 -2021-09-20 08:41:18.884 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: habit is a concept involving the occurrence of similar events at different times if the behaviourist feels confident that there is such a phenomenon as habit that can only be because he trusts his memory when it assures him that there have been other times -Output Transcription: habit is a concept involving the occurrence of similar events at different times if the behaviorist fills confident that there is such a phenomenon as habit that can only be because he trusts his memory when it assures him that there have been other times -2021-09-20 08:41:18.900 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.044444 -2021-09-20 08:41:18.920 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: a few years back one of their slaves a coachman was kept on the coach box one cold night when they were out at a ball until he became almost frozen to death in fact he did die in the infirmary from the effects of the frost about one week afterwards -Output Transcription: a few years back one of their slaves a coachman was kept on the coach box one cold night when they were out at a ball until he became almost frozen to death in fact he did die in the infirmary from the effects of the front about one week afterwards -2021-09-20 08:41:18.939 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.019608 -2021-09-20 08:41:18.959 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: my pursuits are peaceful and my temper i humbly trust is greatly given to mercy and love returned david a little nettled at so direct an attack on his manhood but there are none who can say that i have ever forgotten my faith in the lord even in the greatest straits -Output Transcription: my pursuits are peaceful and my temper i humbly trust is greatly given to mercy and love returned david a little nettled that so direct an attack on his manhood but there are none who can say that i have ever forgotten my faith in the lord even in the greatest straits -2021-09-20 08:41:18.979 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.019231 -2021-09-20 08:41:18.995 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: if it be granted first that the thoughts of a certain character should be known to the audience and secondly that soliloquy or the habit of thinking aloud is in opposition to modern stage technique how shall a soliloquy be avoided without damage to the play -Output Transcription: if it be granted first that the thoughts of a certain character should be known to the audience and secondly that soliloquy or the habit of thinking aloud is in opposition to modern stage take in halohalo the liquid be avoided without damage to the play -2021-09-20 08:41:19.010 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.108696 -2021-09-20 08:41:19.026 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: we shall be blown up but no the dazzling disk of mysterious light nimbly leaps aside it approaches hans who fixes his blue eye upon it steadily it threatens the head of my uncle who falls upon his knees with his head down to avoid it -Output Transcription: we shall be blown up but no the dazzling disk a mysterious light nibbling leaps aside it approaches hans who fixes his blue eye upon it steadily it threatens the head of my uncle who falls upon his knees with his head down to avoid it -2021-09-20 08:41:19.042 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.043478 -2021-09-20 08:41:19.042 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the departing ladies who had said they would stay didn't of course thank heaven stay they departed in consequence of arrangements made in a rage of curiosity as they professed produced by the touches with which he had already worked us up -Output Transcription: the departing ladies who had said they would stay didn't of course thank heaven stay they departed in consequence of arrangements made in a rage of curiosity as they professed produced by the touches with which he had already worked us up -2021-09-20 08:41:19.043 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:41:19.059 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: it was quite true that a vessel was in sight hardly more than six miles from the shore but owing to the increase in the earth's convexity and the consequent limitation of the range of vision the rigging of the topmasts alone was visible above the water -Output Transcription: it was quite true that a vessel was in sight hardly more than six miles from the shore but owing to the increase in the earth's convexity and the consequent limitation of the range of vision the rigging of the top masts alone was visible above the water -2021-09-20 08:41:19.075 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.042553 -2021-09-20 08:41:19.075 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: by degrees all his happiness all his brilliancy subsided into regret and uneasiness so that his limbs lost their power his arms hung heavily by his sides and his head drooped as though he was stupefied -Output Transcription: by degrees all his happiness all his brilliancy subsided into regret and uneasiness so that his limbs lost their power his arms hung heavily by his sides and his head drooped as though he was stupefied -2021-09-20 08:41:19.076 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:41:19.093 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the law of that school is that everything shall be seen clearly or at least only in such mist or faintness as shall be delightful and i have no doubt that the best introduction to it would be the elementary practice of painting every study on a golden ground -Output Transcription: the law of that schools that everything shall be seen clearly or at least only in such mister faintness as shall be delightful and i have no doubt that the best introduction to it would be the elementary practice of painting every study on a golden ground -2021-09-20 08:41:19.111 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.081633 -2021-09-20 08:41:19.122 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: at that epoch of pristine simplicity however matters of even slighter public interest and of far less intrinsic weight than the welfare of hester and her child were strangely mixed up with the deliberations of legislators and acts of state -Output Transcription: at that epoch of pristine simplicity however matters of even slighter public interest under far less intrinsic weight than the welfare of hester and her child were strangely mixed up with the deliberations of legislators and acts of state -2021-09-20 08:41:19.134 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.050000 -2021-09-20 08:41:19.150 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: totty however had descended from her chair with great swiftness and was already in retreat towards the dairy with a sort of waddling run and an amount of fat on the nape of her neck which made her look like the metamorphosis of a white suckling pig -Output Transcription: toddy however had descended from her chair with great swiftness and was already in retreat towards the dairy with a sort of waddling run and an amount of fat on the nape of her neck which made her look like the metamorphosis of a white suckling pig -2021-09-20 08:41:19.166 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.021277 -2021-09-20 08:41:19.184 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the condition is that i will be permitted to make luther talk american streamline him so to speak because you will never get people whether in or outside the lutheran church actually to read luther unless we make him talk as he would talk today to americans -Output Transcription: the condition is that i will be permitted to make luther talk american stream light him so to speak because you will never get people whether in or outside the lutheran church actually to read luther and must we make him talk as he would talk to day to americans -2021-09-20 08:41:19.205 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.127660 -2021-09-20 08:41:19.206 | INFO | deepspeech2x.model:test:372 - Error rate [wer] (2432/?) = 0.068995 -2021-09-20 08:41:25.531 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the family likeness between her and her niece dinah morris with the contrast between her keenness and dinah's seraphic gentleness of expression might have served a painter as an excellent suggestion for a martha and mary -Output Transcription: the family likeness between her and her knees dana morris with the contrast between her keenness and danas seraphic gentleness of expression might have served a painter as an excellent suggestion for a martha and mary -2021-09-20 08:41:25.541 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.083333 -2021-09-20 08:41:25.552 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: brooding over all these matters the mother felt like one who has evoked a spirit but by some irregularity in the process of conjuration has failed to win the master word that should control this new and incomprehensible intelligence -Output Transcription: brooding over all these matters the mother felt like one who has evoked the spirit but by some irregularity in the process of conjuration has failed to win the master word that should control this new and incomprehensible intelligence -2021-09-20 08:41:25.563 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.025641 -2021-09-20 08:41:25.587 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: when i found it i said to myself that it would do nicely for my servant girl for when she was brought to life she would not be proud nor haughty as the glass cat is for such a dreadful mixture of colors would discourage her from trying to be as dignified as the blue munchkins are -Output Transcription: when i found it i said to myself that it would do nicely for my servant girl for when she was brought to life she would not be proud or haughty as the glass cat is for such a dreadful mixture of colours would discourage her from trying to be as dignified as the blue munchkins are -2021-09-20 08:41:25.610 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.035088 -2021-09-20 08:41:25.611 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: this i felt was paid to me as being president of the republic and i endeavoured to behave myself with such mingled humility and dignity as might befit the occasion but i could not but feel that something was wanting to the simplicity of my ordinary life -Output Transcription: this i felt was paid to me as being president of the republic and i endeavoured to behave myself with such mingled humility and dignity as might befit the occasion but i could not but feel that something was wanting to the simplicity of my ordinary life -2021-09-20 08:41:25.611 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:41:25.621 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: do not suppose however that missus poyser was elderly or shrewish in her appearance she was a good looking woman not more than eight and thirty of fair complexion and sandy hair well shapen light footed -Output Transcription: do not suppose however that missus poyser was elderly or shrewish in her appearance she was a good looking woman not more than eight in thirty a fair complexion and sandy hair well shape lightfooted -2021-09-20 08:41:25.630 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.138889 -2021-09-20 08:41:25.646 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: there were a few rose bushes however and a number of apple trees probably the descendants of those planted by the reverend mister blackstone the first settler of the peninsula that half mythological personage who rides through our early annals seated on the back of a bull -Output Transcription: there were a few rose bushes however and a number of apple trees probably the descendants of those planted by the reverend mister blackstone the first settler of the peninsula that half mythological personage who rides through our early annals seated on the back of a ball -2021-09-20 08:41:25.662 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.021277 -2021-09-20 08:41:25.679 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the description she gave of the coming reception to the woman's political league was so humorous and diverting that they were both laughing heartily over the thing when the young people passed them and thus mister hopkins failed to notice who the occupants of the other vehicle were -Output Transcription: the description she gave of the coming reception to the women's political league was so humorous and diverting that they were both laughing heartily over the thing when the young people pass them and thus mister hopkins failed to notice who the occupants of the other vehicle were -2021-09-20 08:41:25.696 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.041667 -2021-09-20 08:41:25.703 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: my heart doth plead that thou in him dost lie a closet never pierc'd with crystal eyes but the defendant doth that plea deny and says in him thy fair appearance lies -Output Transcription: my heart doth plead that thou inhuman doth lie a closet never pierced with crystal eyes but the defendant doth that we deny and says in him thy fair appearance lies -2021-09-20 08:41:25.711 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.156250 -2021-09-20 08:41:25.726 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: idle and embittering finally to argue against his own dispassionate certitude that the commandment of love bade us not to love our neighbour as ourselves with the same amount and intensity of love but to love him as ourselves with the same kind of love -Output Transcription: idle and em bittering finally to argue against his own dispassionate certitude that the commandment of love bade us not to love our neighbour as ourselves with the same amount and intensity of love but to love him as ourselves with the same kind of love -2021-09-20 08:41:25.741 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.044444 -2021-09-20 08:41:25.757 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: of what missus neverbend had gone through in providing birds beasts and fishes not to talk of tarts and jellies for the dinner of that day no one but myself can have any idea but it must be admitted that she accomplished her task with thorough success -Output Transcription: of what missus never been had gone through in providing birds beasts and fishes not to talk of tarts and jellies for the dinner of that day no one but myself can have any idea but it must be admitted that she accomplished her task with thorough success -2021-09-20 08:41:25.774 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.042553 -2021-09-20 08:41:25.791 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: indeed irresolution being the keynote of hamlet's soliloquy a clever player could to some extent indicate the whole thirty lines by a silent working of the jaw but at the same time it would be idle to deny that he would miss the finer shades of the dramatist's meaning -Output Transcription: indeed irresolution made the indolent to louie a clever player could to some extent indicate the whole thirty lines by a silage worthy of the job but at the same time it would be idle to deny that he would miss the finer shades of the dramatists meaning -2021-09-20 08:41:25.808 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.183673 -2021-09-20 08:41:25.820 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: her face was an enigma for it inspired everyone with the warmest sympathy and yet if you examined it attentively there was not one beautiful feature she could not be called handsome but no one could have thought her ugly -Output Transcription: her face was an enigma for it inspired everyone with the warmest sympathy and yet if you examine it attentively there was not one beautiful feature she could not be called handsome but no one could have thought her ugly -2021-09-20 08:41:25.831 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.025000 -2021-09-20 08:41:25.844 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: whether or not this principle is liable to exceptions everyone would agree that is has a broad measure of truth though the word exactly might seem an overstatement and it might seem more correct to say that ideas approximately represent impressions -Output Transcription: whether or not this principle is liable to exceptions everyone would agree that it has a broad measure of truth though the word exactly my semen over statement and it might seem more correct to say that it is approximately represent impressions -2021-09-20 08:41:25.857 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.170732 -2021-09-20 08:41:25.871 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: it was further decorated with strange and seemingly cabalistic figures and diagrams suitable to the quaint taste of the age which had been drawn in the stucco when newly laid on and had now grown hard and durable for the admiration of after times -Output Transcription: it was further decorated with strange and seemingly cabalistic figures and diagrams suitable to the quant taste of the age which had been drawn in the stucco when newly laid on and had now grown hard and durable for the admiration of after times -2021-09-20 08:41:25.885 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.022727 -2021-09-20 08:41:25.911 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the guards had a terrible struggle with the goat which was loose in the room and still wanted to fight but finally they subdued the animal and then they took the boolooroo out of the frame he was tied in and brought both him and the goat before queen trot who awaited them in the throne room of the palace -Output Transcription: the guards had a terrible struggle with the goat which was loose in the room and still wanted to fight but finally they subdued the animal and then they took the boy out of the frame was tied in and brought both him and the goat before queen trot who awaited them in the throne room of the palace -2021-09-20 08:41:25.936 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.033333 -2021-09-20 08:41:25.955 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: this attitude springs from a false conception of sin the conception that sin is a small matter easily taken care of by good works that we must present ourselves unto god with a good conscience that we must feel no sin before we may feel that christ was given for our sins -Output Transcription: this attitude springs from a false conception of sin the conception that sin is a small matter easily taken care of by good works that we must present ourselves unto god with a good conscience that we must feel no sin before may feel that christ was given for our sense -2021-09-20 08:41:25.975 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.038462 -2021-09-20 08:41:25.987 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the merganser had a crested head of iridescent green black a broad collar of lustrous white black back black and white wings white belly sides finely pencilled in black and white and a breast of rich chestnut red streaked with black -Output Transcription: the merganser had a crested head of iridescent green black a broad collar of lustrous white black back black and white wings white belly sides finely pencilled in black and white and her breast of rich chestnut red streaked with black -2021-09-20 08:41:25.999 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.024390 -2021-09-20 08:41:26.008 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: associated with this simple form of apparatus were various ingenious details and refinements to secure regularity of operation freedom from inaccuracy and immunity from such tampering as would permit theft of current or damage -Output Transcription: associated with this simple form of apparatus were various ingenious details and refinements to secure regularity of operation freedom from inaccuracy and immunity from such tampering as would permit theft if current or damage -2021-09-20 08:41:26.017 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.029412 -2021-09-20 08:41:26.017 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: this at once compels you to understand that the work is to be imaginative and decorative that it represents beautiful things in the clearest way but not under existing conditions and that in fact you are producing jeweler's work rather than pictures -Output Transcription: this at once compels you to understand that the work is to be imaginative and decorative that it represents beautiful things in the clearest way but not under existing conditions and that in fact you are producing jeweler's work rather than pictures -2021-09-20 08:41:26.017 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:41:26.033 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: hester could only account for the child's character and even then most vaguely and imperfectly by recalling what she herself had been during that momentous period while pearl was imbibing her soul from the spiritual world and her bodily frame from its material of earth -Output Transcription: hester could only account for the child's character and even then most vaguely and imperfectly by recalling what she herself had been during that moment is period while pearl was imbibing her soul from the spiritual world and her bodily frame from its material of earth -2021-09-20 08:41:26.048 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.044444 -2021-09-20 08:41:26.058 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: and she took anders hand and walked with him up the broad marble stairs where soldiers were posted at every third step and through the magnificent halls where courtiers in silk and velvet stood bowing wherever he went -Output Transcription: and she took xander's hand and walked with him up the broad marble stairs where soldiers were posted at every third step and through the magnificent halls where courtiers in silk and velvet stood bowing wherever he went -2021-09-20 08:41:26.069 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.026316 -2021-09-20 08:41:26.081 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the practise of gathering its proselytes into one place prevents the building up and strengthening of foreign branches and inasmuch as extensive and strong organizations are seldom met with abroad very erroneous ideas exist concerning the strength of the church -Output Transcription: the practice of gathering its proselytes into one place prevents the building up and strengthening a foreign branches and inasmuch as extensive and strong organizations are seldom met with abroad very erroneous ideas exist concerning the strength of the church -2021-09-20 08:41:26.093 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.050000 -2021-09-20 08:41:26.105 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: there are however several points in which such an account of recognition is inadequate to begin with it might seem at first sight more correct to define recognition as i have seen this before than as this has existed before -Output Transcription: there are however several points in which such an account of recognition is inadequate to begin with it might seem at first sight more correct to define recognition as i have seen this before then as this has existed before -2021-09-20 08:41:26.117 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.025000 -2021-09-20 08:41:26.133 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: god as a direct consequence of the sin which man thus punished had given her a lovely child whose place was on that same dishonoured bosom to connect her parent for ever with the race and descent of mortals and to be finally a blessed soul in heaven -Output Transcription: god as a direct consequence of the sin which man thus punished had given her a lovely child whose place was on that same dishonored bosom to connect her parent forever with the race and descent of mortals and to be finally a blessed soul in heaven -2021-09-20 08:41:26.150 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.062500 -2021-09-20 08:41:26.166 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: on the table in token that the sentiment of old english hospitality had not been left behind stood a large pewter tankard at the bottom of which had hester or pearl peeped into it they might have seen the frothy remnant of a recent draught of ale -Output Transcription: on the table in token that the sentiment of old english hospitality had not been left behind stood a large pewter tankard at the bottom of which had hester or pearl peeped into it they might have seen the frothy remnant of a recent draft of ale -2021-09-20 08:41:26.182 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.021277 -2021-09-20 08:41:26.197 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: in place of a single hamlet in the smallest corner of which the members could have congregated there now are about seventy stakes of zion and about seven hundred organized wards each ward and stake with its full complement of officers and priesthood organizations -Output Transcription: in place have a single hamlet in the smallest corner of which the members could have congregated there now are about seventy stakes of zion and about seven hundred organized words each word and stake with its full complement of officers and prised organizations -2021-09-20 08:41:26.211 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.090909 -2021-09-20 08:41:26.233 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: but the actual course of development has been somewhat different from this ideal scheme leisure held the first place at the start and came to hold a rank very much above wasteful consumption of goods both as a direct exponent of wealth and as an element in the standard of decency during the quasi peaceable culture -Output Transcription: but the actual course of development has been somewhat different from this ideal scheme leisure held the first place at the start and came to a rank fermentable wasteful consumption of goods both as a direct exponent of wealth and as an element in the standard of decency during the course i peaceful culture -2021-09-20 08:41:26.256 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.125000 -2021-09-20 08:41:26.276 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: p s pray sir excuse me for writing to you a second time i could not help writing partly to tell you how thankful i am for your kindness and partly to let you know that your advice shall not be wasted however sorrowfully and reluctantly it may be at first followed c b -Output Transcription: p s pray sir excuse me for writing to you second time i could not help writing partly to tell you how thankful i am for your kindness and partly to let you know that your advice shall not be wasted however sorrowful and reluctantly it may be at first followed by -2021-09-20 08:41:26.297 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.074074 -2021-09-20 08:41:26.308 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the dynamo electric machine though small was robust for under all the varying speeds of water power and the vicissitudes of the plant to which it belonged it continued in active use until eighteen ninety nine seventeen years -Output Transcription: the dynamo electric machine though small was robust for under all the varying speeds of waterpower and the vicissitudes of the plant to which it belonged it continued in active use until eighteen ninety nine seventeen years -2021-09-20 08:41:26.318 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.052632 -2021-09-20 08:41:26.337 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: if a man had stolen a pound in his youth and had used that pound to amass a huge fortune how much was he obliged to give back the pound he had stolen only or the pound together with the compound interest accruing upon it or all his huge fortune -Output Transcription: if a man had stole on a pound in his youth and had used that pound to amass a huge fortune how much was he obliged to give back the pound he had stolen only or the pound together with the compound interest accruing upon it or all his huge fortune -2021-09-20 08:41:26.356 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.040000 -2021-09-20 08:41:26.369 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: but continued raoul not interrupted by this movement of his friend heaven be praised the french who are pronounced to be thoughtless and indiscreet reckless even are capable of bringing a calm and sound judgment to bear on matters of such high importance -Output Transcription: but continued raoul not interrupted by this moment of his friend heaven be praised the french who are pronounced to be thoughtless and indiscreet reckless even are capable of bringing a calm and sound judgment to barely matters of such high importance -2021-09-20 08:41:26.383 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.069767 -2021-09-20 08:41:26.395 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: our confidence or lack of confidence in the accuracy of a memory image must in fundamental cases be based upon a characteristic of the image itself since we cannot evoke the past bodily and compare it with the present image -Output Transcription: our confidence or lack of confidence in the accuracy of a memory image must and fundamental cases be based upon a characteristic of the image itself since we cannot evoke the past bodily and compare it with the present image -2021-09-20 08:41:26.406 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.025000 -2021-09-20 08:41:26.407 | INFO | deepspeech2x.model:test:372 - Error rate [wer] (2464/?) = 0.068588 -2021-09-20 08:41:34.031 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the net and web of endless things had been crawling and creeping around her she had struggled in dumb speechless terror against some mighty grasping that strove for her life with gnarled and creeping fingers but now at last weakly she opened her eyes and questioned -Output Transcription: the net and web of endless things had been crawling and creeping around her she had struggled in dumb speechless terror against some mighty grasping that strove for her life with gnarled and creeping fingers but now at last weakly she opened her eyes and questioned -2021-09-20 08:41:34.032 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:41:34.039 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: this nobleman's character though celebrated for political courage and conduct was very low for military prowess and after some skirmishes in which he was worsted he here allowed montrose to escape him -Output Transcription: this nobleman's character though celebrated for political courage and conduct was very low for military prowess and after some skirmishes in which he was worsted he hear a loud montrose to escape him -2021-09-20 08:41:34.048 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.093750 -2021-09-20 08:41:34.048 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: coming by way of the missouri river towns he fell first among border ruffian companionship and influences and perhaps having his inclinations already molded by his washington instructions his early impressions were decidedly adverse to the free state cause -Output Transcription: coming by way of the missouri river towns he fell first among border ruffian companionship and influences and perhaps having his inclinations already molded by his washington instructions his early impressions were decidedly adverse to the free state cause -2021-09-20 08:41:34.048 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:41:34.062 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: here he was placed in the custody of captain martin of the kickapoo rangers who proved a kind jailer and materially assisted in protecting him from the dangerous intentions of the mob which at that time held leavenworth under a reign of terror -Output Transcription: hare was placed in the cassidy of captain martin of the kickapoo rangers who proved a kind jailer in materially assisted in protecting him from the dangerous intentions of the mob which at that time held leavenworth under the reign of terror -2021-09-20 08:41:34.075 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.116279 -2021-09-20 08:41:34.091 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: nor was rodolfo less surprised than they and the better to assure himself of so wonderful a fact he begged leocadia to give him some token which should make perfectly clear to him that which indeed he did not doubt since it was authenticated by his parents -Output Transcription: nor was regardless surprised than they and the better to assure himself of so wonderful effect he begged local to give him some token which should make perfectly clear to him that which indeed he did not doubt since it was authenticated by his parents -2021-09-20 08:41:34.107 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.106383 -2021-09-20 08:41:34.122 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the book of mormon had taught the people the true origin and destiny of the american indians and toward this dark skinned remnant of a once mighty people the missionaries of mormonism early turned their eyes and with their eyes went their hearts and their hopes -Output Transcription: the book of mormon had taught the people the true origin and destiny of the american indians and toward this dark skinned remnant of a once mighty people the missionaries of mormonism early turned their eyes and with her eyes went their hearts and their hopes -2021-09-20 08:41:34.137 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.021739 -2021-09-20 08:41:34.146 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: can one imagine a naturalist refusing to study the viper the bat the scorpion the centipede the tarantula and one who would cast them back into their darkness saying oh how ugly that is -Output Transcription: can one imagine a naturalist refusing to study the viper the bad the scorpion the centipede the tortilla and one who would cast them back into their darkness saying oh how ugly that is -2021-09-20 08:41:34.154 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.058824 -2021-09-20 08:41:34.164 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: no matter then although my foot did stand upon the farthest earth remov'd from thee for nimble thought can jump both sea and land as soon as think the place where he would be but ah -Output Transcription: no matter then although my foot did stand upon the farthest earth removed from thee for nimble thought can jump both sea and land as soon as thing the place where he would be but a -2021-09-20 08:41:34.174 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.083333 -2021-09-20 08:41:34.186 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: they were absorbed in his theology and were under the dominion of his name while that which was truly great and truly characteristic in him his effort to realize and connect abstractions was not understood by them at all -Output Transcription: they were absorbed in his theology and were under the dominion of his name while that which was truly great and truly correctors seein him his effort realized in connect abstractions was not understood by them at all -2021-09-20 08:41:34.197 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.128205 -2021-09-20 08:41:34.198 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: what is called perception differs from sensation by the fact that the sensational ingredients bring up habitual associates images and expectations of their usual correlates all of which are subjectively indistinguishable from the sensation -Output Transcription: what is called perception differs from sensation by the fact that the sensational ingredients bring up habitual associates images and expectations of their usual correlates all of which are subjectively indistinguishable from the sensation -2021-09-20 08:41:34.198 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:41:34.210 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: you are my all the world and i must strive to know my shames and praises from your tongue none else to me nor i to none alive that my steel'd sense or changes right or wrong -Output Transcription: you are my all the world and i must strive to know my shames and praises from your tongue none else to me nor i to none alive that my steeled sense or changes right or wrong -2021-09-20 08:41:34.229 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.027027 -2021-09-20 08:41:34.277 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: although only a moderate breeze was blowing the sea was rough a circumstance to be accounted for only by the diminution in the force of the earth's attraction rendering the liquid particles so buoyant that by the mere effect of oscillation they were carried to a height that was quite unprecedented -Output Transcription: although only a moderate breeze was blowing the sea was rough a circumstance to be accounted for only by the diminution in the force of the earth's attraction rendering the liquid particles so buoyant that by the mere effect of oscillation they were carried to a height it was quite unprecedented -2021-09-20 08:41:34.296 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.019608 -2021-09-20 08:41:34.318 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: for god's sake my lady mother give me a wife who would be an agreeable companion not one who will disgust me so that we may both bear evenly and with mutual good will the yoke imposed on us by heaven instead of pulling this way and that way and fretting each other to death -Output Transcription: for god's sake my lady mother give me a wife who would be an agreeable companion not one who will disgust me so that we may both bear evenly and with mutual goodwill the yoke imposed on us by heaven instead of pulling this way and that way and fretting each other to death -2021-09-20 08:41:34.340 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.036364 -2021-09-20 08:41:34.356 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i heard a noise behind i turned and saw kaffar his black eyes shining while in his hand he held a gleaming knife he lifted it above his head as if to strike but i had the strength of ten men and i hurled him from me -Output Transcription: i heard a noise behind i turned and saw after his black eyes shining while in his hand he held a gleaming knife he lifted it above his head as if to strike but i had the strength of ten men and i hurled him from me -2021-09-20 08:41:34.372 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.021277 -2021-09-20 08:41:34.391 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: she reflected how near she stood to the crisis which was to determine whether she was to be blessed or unhappy for ever and racked by the intensity of her emotions she suddenly changed colour her head dropped and she fell forward in a swoon into the arms of the dismayed estafania -Output Transcription: she reflected how near she stood to the crisis which was to determine whether she was to be blessed or unhappy forever and racked by the intensity of her emotions she suddenly changed color her head dropped and she fell forward in a swoon into the arms of the dismayed stefania -2021-09-20 08:41:34.411 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.076923 -2021-09-20 08:41:34.431 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: a slight diminution in the excessively high temperature which had prevailed for the last few weeks was the only apparent change in the general order of things but whether this was to be attributed to any alteration in the earth's orbit was a question which would still require several days to decide -Output Transcription: a slight diminution in the excessively high temperature which had prevailed for the last few weeks was the only apparent change in the general order of things but whether this was to be attributed to any alteration and the earth's orbit was a question which would still require several days to decide -2021-09-20 08:41:34.450 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.019231 -2021-09-20 08:41:34.451 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the arc lamp installed outside a customer's premises or in a circuit for public street lighting burned so many hours nightly so many nights in the month and was paid for at that rate subject to rebate for hours when the lamp might be out through accident -Output Transcription: the arc lamp installed outside a customer's premises or in a circuit for public street lighting burned so many hours nightly so many nights in the month and was paid for at that rate subject to rebate for hours when the lamp might be out through accident -2021-09-20 08:41:34.451 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:41:34.451 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: in december eighteen eighty eight mister w j jenks read an interesting paper before the american institute of electrical engineers on the six years of practical experience had up to that time with the meter then more generally in use than any other -Output Transcription: in december eighteen eighty eight mister w j jenks read an interesting paper before the american institute of electrical engineers on the six years of practical experience had up to that time with the meter then more generally in use than any other -2021-09-20 08:41:34.452 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:41:34.463 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: for many then this book has been a source of fascination surely one of the most influential novels ever written an inspiration for such scientists and discoverers as engineer simon lake oceanographer william beebe polar traveler sir ernest shackleton -Output Transcription: for many and this book has been a source of fascination surely one of the most influential novels ever written an inspiration for such scientists and discoverers as engineer simon lake oceanographer will you baby polar traveller sir ernest shackleton -2021-09-20 08:41:34.475 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.128205 -2021-09-20 08:41:34.481 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: those pretty wrongs that liberty commits when i am sometime absent from thy heart thy beauty and thy years full well befits for still temptation follows where thou art -Output Transcription: those pretty wrongs that liberty commits when i am some time absent from thy heart thy beauty and thy years full well befits for still temptation follows where thou art -2021-09-20 08:41:34.488 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.068966 -2021-09-20 08:41:34.489 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: though thrown into prison for this enterprise and detained some time he was not discouraged but still continued by his countenance and protection to infuse spirit into the distressed royalists -Output Transcription: though thrown into prison for this enterprise and detained some time he was not discouraged but still continued by his countenance and protection to infuse spirit into the distressed royalists -2021-09-20 08:41:34.489 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:41:34.504 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: they began with the one in the family sitting room colonel wheeler ralph thurston mister and missus bill harmon with natty and rufus mister and missus popham with digby and lallie joy all standing in admiring groups and thrilling with delight at the order of events -Output Transcription: they began with the one in the family sitting room colonel wheeler re thurston mister and missus bill harmon with nattie and rappers mister and missus papa leydig and vallejo all standing in admiring groups and thrilling with delight at the order of events -2021-09-20 08:41:34.518 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.173913 -2021-09-20 08:41:34.533 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: it was through floyd's advice that buchanan ordered the military expedition to utah ostensibly to install certain federal officials and to repress an alleged infantile rebellion which in fact had never come into existence but in reality to further the interests of the secessionists -Output Transcription: it was through floyd had fits he piqued ordered the military expedition to utah ostensibly to install certain federal officials and to repress an alleged infantile rebellion which in fact had never come into existence but in reality to further the entrance of the secessionists -2021-09-20 08:41:34.548 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.136364 -2021-09-20 08:41:34.556 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: historians at least perhaps from their own ignorance and inexperience have not remarked any thing but a headlong impetuous conduct each party hurrying to a battle where valor and fortune chiefly determined the success -Output Transcription: historians at least perhaps from their own ignorance and inexperience have not remarked anything but a headlong impetuous conduct each party hurrying to a battle where valor and fortune chiefly determined the success -2021-09-20 08:41:34.565 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.058824 -2021-09-20 08:41:34.585 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: they knew no north no south no east no west they stood positively by the constitution and would have nothing to do in the bloody strife between brothers unless indeed they were summoned by the authority to which they had already once loyally responded to furnish men and arms for their country's need -Output Transcription: they knew no north no south no east no west they stood positively by the constitution and would have nothing to do in the bloody strife between brothers unless indeed they were summoned by the authority to which they had already once loyally responded to furnish men and arms for the countries need -2021-09-20 08:41:34.605 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.037736 -2021-09-20 08:41:34.615 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: besides members of parliament who were excluded many officers unwilling to serve under the new generals threw up their commissions and unwarily facilitated the project of putting the army entirely into the hands of that faction -Output Transcription: besides members of parliament who were excluded many officers unwilling to serve under the new generals threw up their commissions and then warily facilitated the project of putting the army entirely into the hands of that faction -2021-09-20 08:41:34.625 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.055556 -2021-09-20 08:41:34.641 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the mother as soon as the chaise is so far turned that mary can no longer watch the expression of her countenance goes away from the door with a smile of complacency and satisfaction upon her face at the ingenuity and success of her little artifice -Output Transcription: the mother as soon as the chase is so far turned that mary can no longer watch the expression of her countenance goes away from the door with a smile of complacency and satisfaction on her face at the ingenuity and success of her little artifice -2021-09-20 08:41:34.656 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.043478 -2021-09-20 08:41:34.670 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: by being studious of color they are studious of division and while the chiaroscurist devotes himself to the representation of degrees of force in one thing unseparated light the colorists have for their function the attainment of beauty by arrangement of the divisions of light -Output Transcription: by being studious of color they are studious of division and while the cursus devotes himself to the representation of degrees of force and one thing unseated light the colorists have for their function the attainment of beauty by arrangement of the divisions of light -2021-09-20 08:41:34.685 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.066667 -2021-09-20 08:41:34.700 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: ho ye sails that seem to wander in dream filled meadows say is the shore where i stand the only field of struggle or are ye hit and battered out there by waves and wind gusts as ye tack over a clashing sea of watery echoes -Output Transcription: home sails that seemed to wonder and dream filled meadows say is the shore where i stand the only field of struggle or are he hit and battered out there by waves and windurst as he talk over a clashing sea of watery echoes -2021-09-20 08:41:34.715 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.217391 -2021-09-20 08:41:34.730 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: every one could observe his agitation and prostration a prostration which was indeed the more remarkable since people were not accustomed to see him with his arms hanging listlessly by his side his head bewildered and his eyes with all their bright intelligence bedimmed -Output Transcription: everyone could observe his agitation and prostration a prostration which was indeed the more remarkable since people were not accustomed to see him with his arms hanging listlessly by his side his head bewildered and his eyes with all their bright intelligence be damned -2021-09-20 08:41:34.744 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.090909 -2021-09-20 08:41:34.761 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i see a quantity of chairs for hire at the rate of one sou men reading the newspaper under the shade of the trees girls and men breakfasting either alone or in company waiters who were rapidly going up and down a narrow staircase hidden under the foliage -Output Transcription: i see a quantity of chairs for hire at the rate of one sou men reading the newspaper under the shade of the trees girls and men breakfasting either alone or in company waiters who were rapidly going up an down a narrow staircase hidden under the foliage -2021-09-20 08:41:34.778 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.020833 -2021-09-20 08:41:34.796 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: had eva crasweller not been good looking had jack been still at college had sir kennington oval remained in england had mister bunnit and the bar keeper not succeeded in stopping my carriage on the hill should i have succeeded in arranging for the final departure of my old friend -Output Transcription: had even cresswell earn up and good looking had jack been still at college had sir kennington oval remained in england had mister bonnet and the barkeeper not succeeded in stopping my carriage on the hill should i have succeeded in a rage for the final departure of my old friend -2021-09-20 08:41:34.815 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.200000 -2021-09-20 08:41:34.816 | INFO | deepspeech2x.model:test:372 - Error rate [wer] (2496/?) = 0.068523 -W0920 08:41:46.022279 49876 operator.cc:243] concat raises an exception paddle::memory::allocation::BadAlloc, ResourceExhaustedError: - -Out of memory error on GPU 0. Cannot allocate 333.000244MB memory on GPU 0, 15.510803GB memory has been allocated and available memory is only 277.437500MB. - -Please check whether there is any other process using GPU 0. -1. If yes, please stop them, or start PaddlePaddle on another GPU. -2. If no, please decrease the batch size of your model. - - (at /paddle/paddle/fluid/memory/allocation/cuda_allocator.cc:79) -Traceback (most recent call last): - File "/home/huangyuxin/workspace/my_DeepSpeech/DeepSpeech/examples/v18_to_v2x/deepspeech2x/bin/test_export.py", line 58, in - main(config, args) - File "/home/huangyuxin/workspace/my_DeepSpeech/DeepSpeech/examples/v18_to_v2x/deepspeech2x/bin/test_export.py", line 28, in main - main_sp(config, args) - File "/home/huangyuxin/workspace/my_DeepSpeech/DeepSpeech/examples/v18_to_v2x/deepspeech2x/bin/test_export.py", line 24, in main_sp - exp.run_test() - File "/home/huangyuxin/workspace/my_DeepSpeech/DeepSpeech/examples/v18_to_v2x/deepspeech2x/model.py", line 640, in run_test - self.test() - File "/home/huangyuxin/workspace/my_DeepSpeech/DeepSpeech/deepspeech/utils/mp_tools.py", line 27, in wrapper - result = func(*args, **kwargs) - File "", line 2, in test - File "/home/huangyuxin/workspace/my_DeepSpeech/DeepSpeech/tools/venv/lib/python3.7/site-packages/paddle/fluid/dygraph/base.py", line 331, in _decorate_function - return func(*args, **kwargs) - File "/home/huangyuxin/workspace/my_DeepSpeech/DeepSpeech/examples/v18_to_v2x/deepspeech2x/model.py", line 366, in test - texts_len, fout) - File "/home/huangyuxin/workspace/my_DeepSpeech/DeepSpeech/examples/v18_to_v2x/deepspeech2x/model.py", line 309, in compute_metrics - vocab_list, cfg) - File "/home/huangyuxin/workspace/my_DeepSpeech/DeepSpeech/examples/v18_to_v2x/deepspeech2x/model.py", line 451, in compute_result_transcripts - audio_len) - File "/home/huangyuxin/workspace/my_DeepSpeech/DeepSpeech/examples/v18_to_v2x/deepspeech2x/model.py", line 626, in static_forward_offline - self.predictor.run() -RuntimeError: ResourceExhaustedError: - -Out of memory error on GPU 0. Cannot allocate 333.000244MB memory on GPU 0, 15.510803GB memory has been allocated and available memory is only 277.437500MB. - -Please check whether there is any other process using GPU 0. -1. If yes, please stop them, or start PaddlePaddle on another GPU. -2. If no, please decrease the batch size of your model. - - (at /paddle/paddle/fluid/memory/allocation/cuda_allocator.cc:79) - -Failed in evaluation! -BIN_DIR /home/huangyuxin/workspace/my_DeepSpeech/DeepSpeech/examples/v18_to_v2x/deepspeech2x/bin -checkpoint name deepspeech2 -using 1 gpus... -grep: warning: GREP_OPTIONS is deprecated; please use an alias or script -/home/huangyuxin/workspace/my_DeepSpeech/DeepSpeech/tools/venv/lib/python3.7/site-packages/paddle/optimizer/adamw.py:21: DeprecationWarning: Using or importing the ABCs from 'collections' instead of from 'collections.abc' is deprecated, and in 3.8 it will stop working - from collections import Callable -/home/huangyuxin/workspace/my_DeepSpeech/DeepSpeech/tools/venv/lib/python3.7/site-packages/scipy/fftpack/__init__.py:103: DeprecationWarning: The module numpy.dual is deprecated. Instead of using dual, use the functions directly from numpy or scipy. - from numpy.dual import register_func -/home/huangyuxin/workspace/my_DeepSpeech/DeepSpeech/tools/venv/lib/python3.7/site-packages/scipy/special/orthogonal.py:81: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information. -Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations - from numpy import (exp, inf, pi, sqrt, floor, sin, cos, around, int, -/home/huangyuxin/workspace/my_DeepSpeech/DeepSpeech/tools/venv/lib/python3.7/site-packages/scipy/sparse/sputils.py:16: DeprecationWarning: `np.typeDict` is a deprecated alias for `np.sctypeDict`. - supported_dtypes = [np.typeDict[x] for x in supported_dtypes] -/home/huangyuxin/workspace/my_DeepSpeech/DeepSpeech/tools/venv/lib/python3.7/site-packages/swig_decoders-1.1-py3.7-linux-x86_64.egg/swig_decoders.py:15: DeprecationWarning: the imp module is deprecated in favour of importlib; see the module's documentation for alternative uses - import imp -2021-09-20 08:43:28.143 | WARNING | deepspeech2x::199 - override size of paddle.Tensor (`to_static` do not process `size` property, maybe some `paddle` api dependent on it), remove this when fixed! -2021-09-20 08:43:28.144 | WARNING | deepspeech2x::369 - register user GLU to paddle.nn, remove this when fixed! -model_type:offline ------------ Configuration Arguments ----------- -checkpoint_path: exp/deepspeech2/checkpoints/librispeech_v1.8 -config: conf/deepspeech2.yaml -device: gpu -dump_config: None -export_path: exp/deepspeech2/checkpoints/librispeech_v1.8.jit -model_type: offline -nprocs: 1 -opts: [] -output: None -seed: None ------------------------------------------------------------ -collator: - augmentation_config: conf/augmentation.json - batch_size: 64 - delta_delta: False - dither: 1.0 - feat_dim: None - keep_transcription_text: False - max_freq: None - mean_std_filepath: data/mean_std.npz - n_fft: None - num_workers: 2 - random_seed: 0 - shuffle_method: batch_shuffle - sortagrad: True - specgram_type: linear - spm_model_prefix: None - stride_ms: 10.0 - target_dB: -20 - target_sample_rate: 16000 - unit_type: char - use_dB_normalization: True - vocab_filepath: data/vocab.txt - window_ms: 20.0 -data: - dev_manifest: data/manifest.dev - manifest: - max_input_len: 1000.0 - max_output_input_ratio: inf - max_output_len: inf - min_input_len: 0.0 - min_output_input_ratio: 0.0 - min_output_len: 0.0 - test_manifest: data/manifest.test-clean - train_manifest: data/manifest.train -decoding: - alpha: 2.5 - batch_size: 16 - beam_size: 500 - beta: 0.3 - cutoff_prob: 1.0 - cutoff_top_n: 40 - decoding_method: ctc_beam_search - error_rate_type: wer - lang_model_path: data/lm/common_crawl_00.prune01111.trie.klm - num_proc_bsearch: 8 -model: - blank_id: 28 - ctc_grad_norm_type: instance - num_conv_layers: 2 - num_rnn_layers: 3 - rnn_layer_size: 2048 - share_rnn_weights: True - use_gru: False -training: - accum_grad: 1 - checkpoint: - kbest_n: 50 - latest_n: 5 - global_grad_clip: 3.0 - log_interval: 100 - lr: 0.002 - lr_decay: 0.83 - n_epoch: 80 - weight_decay: 1e-06 -2021-09-20 08:43:28.207 | INFO | deepspeech2x.model:setup_dataloader:251 - Setup train/valid/test Dataloader! -W0920 08:43:28.210072 51601 device_context.cc:447] Please NOTE: device: 0, GPU Compute Capability: 7.0, Driver API Version: 10.2, Runtime API Version: 10.1 -W0920 08:43:28.215796 51601 device_context.cc:465] device: 0, cuDNN Version: 7.6. -2021-09-20 08:43:32.282 | INFO | deepspeech.modules.loss:__init__:36 - CTCLoss Loss reduction: sum, div-bs: True -2021-09-20 08:43:32.283 | INFO | deepspeech.modules.loss:__init__:45 - CTCLoss Grad Norm Type: instance -Epoch 0: ExponentialDecay set learning rate to 0.002.2021-09-20 08:43:32.283 | INFO | deepspeech2x.model:setup_model:165 - DeepSpeech2Model( - (encoder): CRNNEncoder( - (conv): ConvStack( - (conv_in): ConvBn( - (conv): Conv2D(1, 32, kernel_size=[41, 11], stride=[2, 3], padding=(20, 5), data_format=NCHW) - (bn): BatchNorm2D(num_features=32, momentum=0.9, epsilon=1e-05) - ) - (conv_stack): LayerList( - (0): ConvBn( - (conv): Conv2D(32, 32, kernel_size=[21, 11], stride=[2, 1], padding=(10, 5), data_format=NCHW) - (bn): BatchNorm2D(num_features=32, momentum=0.9, epsilon=1e-05) - ) - ) - ) - (rnn): RNNStack( - (rnn_stacks): LayerList( - (0): BiRNNWithBN( - (fw_fc): Linear(in_features=1312, out_features=2048, dtype=float32) - (fw_bn): BatchNorm1D(num_features=2048, momentum=0.9, epsilon=1e-05, data_format=NLC) - (bw_fc): Linear(in_features=1312, out_features=2048, dtype=float32) - (bw_bn): BatchNorm1D(num_features=2048, momentum=0.9, epsilon=1e-05, data_format=NLC) - (fw_cell): RNNCell() - (bw_cell): RNNCell() - (fw_rnn): RNN( - (cell): RNNCell() - ) - (bw_rnn): RNN( - (cell): RNNCell() - ) - ) - (1): BiRNNWithBN( - (fw_fc): Linear(in_features=4096, out_features=2048, dtype=float32) - (fw_bn): BatchNorm1D(num_features=2048, momentum=0.9, epsilon=1e-05, data_format=NLC) - (bw_fc): Linear(in_features=4096, out_features=2048, dtype=float32) - (bw_bn): BatchNorm1D(num_features=2048, momentum=0.9, epsilon=1e-05, data_format=NLC) - (fw_cell): RNNCell() - (bw_cell): RNNCell() - (fw_rnn): RNN( - (cell): RNNCell() - ) - (bw_rnn): RNN( - (cell): RNNCell() - ) - ) - (2): BiRNNWithBN( - (fw_fc): Linear(in_features=4096, out_features=2048, dtype=float32) - (fw_bn): BatchNorm1D(num_features=2048, momentum=0.9, epsilon=1e-05, data_format=NLC) - (bw_fc): Linear(in_features=4096, out_features=2048, dtype=float32) - (bw_bn): BatchNorm1D(num_features=2048, momentum=0.9, epsilon=1e-05, data_format=NLC) - (fw_cell): RNNCell() - (bw_cell): RNNCell() - (fw_rnn): RNN( - (cell): RNNCell() - ) - (bw_rnn): RNN( - (cell): RNNCell() - ) - ) - ) - ) - ) - (decoder): CTCDecoder( - (ctc_lo): Linear(in_features=4096, out_features=29, dtype=float32) - (criterion): CTCLoss( - (loss): CTCLoss() - ) - ) -) - -2021-09-20 08:43:32.284 | INFO | deepspeech.utils.layer_tools:print_params:57 - encoder.conv.conv_in.conv.weight | [32, 1, 41, 11] | 14432 | True -2021-09-20 08:43:32.284 | INFO | deepspeech.utils.layer_tools:print_params:57 - encoder.conv.conv_in.bn.weight | [32] | 32 | True -2021-09-20 08:43:32.285 | INFO | deepspeech.utils.layer_tools:print_params:57 - encoder.conv.conv_in.bn.bias | [32] | 32 | True -2021-09-20 08:43:32.285 | INFO | deepspeech.utils.layer_tools:print_params:57 - encoder.conv.conv_in.bn._mean | [32] | 32 | False -2021-09-20 08:43:32.285 | INFO | deepspeech.utils.layer_tools:print_params:57 - encoder.conv.conv_in.bn._variance | [32] | 32 | False -2021-09-20 08:43:32.285 | INFO | deepspeech.utils.layer_tools:print_params:57 - encoder.conv.conv_stack.0.conv.weight | [32, 32, 21, 11] | 236544 | True -2021-09-20 08:43:32.286 | INFO | deepspeech.utils.layer_tools:print_params:57 - encoder.conv.conv_stack.0.bn.weight | [32] | 32 | True -2021-09-20 08:43:32.286 | INFO | deepspeech.utils.layer_tools:print_params:57 - encoder.conv.conv_stack.0.bn.bias | [32] | 32 | True -2021-09-20 08:43:32.286 | INFO | deepspeech.utils.layer_tools:print_params:57 - encoder.conv.conv_stack.0.bn._mean | [32] | 32 | False -2021-09-20 08:43:32.287 | INFO | deepspeech.utils.layer_tools:print_params:57 - encoder.conv.conv_stack.0.bn._variance | [32] | 32 | False -2021-09-20 08:43:32.287 | INFO | deepspeech.utils.layer_tools:print_params:57 - encoder.rnn.rnn_stacks.0.fw_fc.weight | [1312, 2048] | 2686976 | True -2021-09-20 08:43:32.287 | INFO | deepspeech.utils.layer_tools:print_params:57 - encoder.rnn.rnn_stacks.0.fw_bn.weight | [2048] | 2048 | True -2021-09-20 08:43:32.287 | INFO | deepspeech.utils.layer_tools:print_params:57 - encoder.rnn.rnn_stacks.0.fw_bn.bias | [2048] | 2048 | True -2021-09-20 08:43:32.288 | INFO | deepspeech.utils.layer_tools:print_params:57 - encoder.rnn.rnn_stacks.0.fw_bn._mean | [2048] | 2048 | False -2021-09-20 08:43:32.288 | INFO | deepspeech.utils.layer_tools:print_params:57 - encoder.rnn.rnn_stacks.0.fw_bn._variance | [2048] | 2048 | False -2021-09-20 08:43:32.288 | INFO | deepspeech.utils.layer_tools:print_params:57 - encoder.rnn.rnn_stacks.0.fw_cell.weight_hh | [2048, 2048] | 4194304 | True -2021-09-20 08:43:32.289 | INFO | deepspeech.utils.layer_tools:print_params:57 - encoder.rnn.rnn_stacks.0.fw_cell.bias_hh | [2048] | 2048 | True -2021-09-20 08:43:32.289 | INFO | deepspeech.utils.layer_tools:print_params:57 - encoder.rnn.rnn_stacks.0.bw_cell.weight_hh | [2048, 2048] | 4194304 | True -2021-09-20 08:43:32.289 | INFO | deepspeech.utils.layer_tools:print_params:57 - encoder.rnn.rnn_stacks.0.bw_cell.bias_hh | [2048] | 2048 | True -2021-09-20 08:43:32.289 | INFO | deepspeech.utils.layer_tools:print_params:57 - encoder.rnn.rnn_stacks.1.fw_fc.weight | [4096, 2048] | 8388608 | True -2021-09-20 08:43:32.290 | INFO | deepspeech.utils.layer_tools:print_params:57 - encoder.rnn.rnn_stacks.1.fw_bn.weight | [2048] | 2048 | True -2021-09-20 08:43:32.290 | INFO | deepspeech.utils.layer_tools:print_params:57 - encoder.rnn.rnn_stacks.1.fw_bn.bias | [2048] | 2048 | True -2021-09-20 08:43:32.290 | INFO | deepspeech.utils.layer_tools:print_params:57 - encoder.rnn.rnn_stacks.1.fw_bn._mean | [2048] | 2048 | False -2021-09-20 08:43:32.291 | INFO | deepspeech.utils.layer_tools:print_params:57 - encoder.rnn.rnn_stacks.1.fw_bn._variance | [2048] | 2048 | False -2021-09-20 08:43:32.291 | INFO | deepspeech.utils.layer_tools:print_params:57 - encoder.rnn.rnn_stacks.1.fw_cell.weight_hh | [2048, 2048] | 4194304 | True -2021-09-20 08:43:32.291 | INFO | deepspeech.utils.layer_tools:print_params:57 - encoder.rnn.rnn_stacks.1.fw_cell.bias_hh | [2048] | 2048 | True -2021-09-20 08:43:32.292 | INFO | deepspeech.utils.layer_tools:print_params:57 - encoder.rnn.rnn_stacks.1.bw_cell.weight_hh | [2048, 2048] | 4194304 | True -2021-09-20 08:43:32.292 | INFO | deepspeech.utils.layer_tools:print_params:57 - encoder.rnn.rnn_stacks.1.bw_cell.bias_hh | [2048] | 2048 | True -2021-09-20 08:43:32.292 | INFO | deepspeech.utils.layer_tools:print_params:57 - encoder.rnn.rnn_stacks.2.fw_fc.weight | [4096, 2048] | 8388608 | True -2021-09-20 08:43:32.292 | INFO | deepspeech.utils.layer_tools:print_params:57 - encoder.rnn.rnn_stacks.2.fw_bn.weight | [2048] | 2048 | True -2021-09-20 08:43:32.293 | INFO | deepspeech.utils.layer_tools:print_params:57 - encoder.rnn.rnn_stacks.2.fw_bn.bias | [2048] | 2048 | True -2021-09-20 08:43:32.293 | INFO | deepspeech.utils.layer_tools:print_params:57 - encoder.rnn.rnn_stacks.2.fw_bn._mean | [2048] | 2048 | False -2021-09-20 08:43:32.293 | INFO | deepspeech.utils.layer_tools:print_params:57 - encoder.rnn.rnn_stacks.2.fw_bn._variance | [2048] | 2048 | False -2021-09-20 08:43:32.294 | INFO | deepspeech.utils.layer_tools:print_params:57 - encoder.rnn.rnn_stacks.2.fw_cell.weight_hh | [2048, 2048] | 4194304 | True -2021-09-20 08:43:32.294 | INFO | deepspeech.utils.layer_tools:print_params:57 - encoder.rnn.rnn_stacks.2.fw_cell.bias_hh | [2048] | 2048 | True -2021-09-20 08:43:32.294 | INFO | deepspeech.utils.layer_tools:print_params:57 - encoder.rnn.rnn_stacks.2.bw_cell.weight_hh | [2048, 2048] | 4194304 | True -2021-09-20 08:43:32.294 | INFO | deepspeech.utils.layer_tools:print_params:57 - encoder.rnn.rnn_stacks.2.bw_cell.bias_hh | [2048] | 2048 | True -2021-09-20 08:43:32.295 | INFO | deepspeech.utils.layer_tools:print_params:57 - decoder.ctc_lo.weight | [4096, 29] | 118784 | True -2021-09-20 08:43:32.295 | INFO | deepspeech.utils.layer_tools:print_params:57 - decoder.ctc_lo.bias | [29] | 29 | True -2021-09-20 08:43:32.295 | INFO | deepspeech.utils.layer_tools:print_params:60 - Total parameters: 39.0, 42.95M elements. -2021-09-20 08:43:32.296 | INFO | deepspeech2x.model:setup_model:184 - Setup model/optimizer/lr_scheduler! -2021-09-20 08:43:32.318 | INFO | deepspeech.modules.loss:__init__:36 - CTCLoss Loss reduction: sum, div-bs: True -2021-09-20 08:43:32.318 | INFO | deepspeech.modules.loss:__init__:45 - CTCLoss Grad Norm Type: instance -/home/huangyuxin/workspace/my_DeepSpeech/DeepSpeech/tools/venv/lib/python3.7/site-packages/paddle/framework/io.py:412: DeprecationWarning: Using or importing the ABCs from 'collections' instead of from 'collections.abc' is deprecated, and in 3.8 it will stop working - if isinstance(obj, collections.Iterable) and not isinstance(obj, ( -2021-09-20 08:43:32.833 | INFO | deepspeech.utils.checkpoint:load_parameters:117 - Rank 0: Restore model from exp/deepspeech2/checkpoints/librispeech_v1.8.pdparams -encoder.conv.conv_in.conv.weight | [32, 1, 41, 11] | 144322021-09-20 08:43:32.838 | INFO | deepspeech2x.models.ds2.deepspeech2:from_pretrained:243 - checkpoint info: {} - -encoder.conv.conv_in.bn.weight | [32] | 32 -encoder.conv.conv_in.bn.bias | [32] | 32 -encoder.conv.conv_in.bn._mean | [32] | 32 -encoder.conv.conv_in.bn._variance | [32] | 32 -encoder.conv.conv_stack.0.conv.weight | [32, 32, 21, 11] | 236544 -encoder.conv.conv_stack.0.bn.weight | [32] | 32 -encoder.conv.conv_stack.0.bn.bias | [32] | 32 -encoder.conv.conv_stack.0.bn._mean | [32] | 32 -encoder.conv.conv_stack.0.bn._variance | [32] | 32 -encoder.rnn.rnn_stacks.0.fw_fc.weight | [1312, 2048] | 2686976 -encoder.rnn.rnn_stacks.0.fw_bn.weight | [2048] | 2048 -encoder.rnn.rnn_stacks.0.fw_bn.bias | [2048] | 2048 -encoder.rnn.rnn_stacks.0.fw_bn._mean | [2048] | 2048 -encoder.rnn.rnn_stacks.0.fw_bn._variance | [2048] | 2048 -encoder.rnn.rnn_stacks.0.bw_fc.weight | [1312, 2048] | 2686976 -encoder.rnn.rnn_stacks.0.bw_bn.weight | [2048] | 2048 -encoder.rnn.rnn_stacks.0.bw_bn.bias | [2048] | 2048 -encoder.rnn.rnn_stacks.0.bw_bn._mean | [2048] | 2048 -encoder.rnn.rnn_stacks.0.bw_bn._variance | [2048] | 2048 -encoder.rnn.rnn_stacks.0.fw_cell.weight_hh | [2048, 2048] | 4194304 -encoder.rnn.rnn_stacks.0.fw_cell.bias_hh | [2048] | 2048 -encoder.rnn.rnn_stacks.0.bw_cell.weight_hh | [2048, 2048] | 4194304 -encoder.rnn.rnn_stacks.0.bw_cell.bias_hh | [2048] | 2048 -encoder.rnn.rnn_stacks.0.fw_rnn.cell.weight_hh | [2048, 2048] | 4194304 -encoder.rnn.rnn_stacks.0.fw_rnn.cell.bias_hh | [2048] | 2048 -encoder.rnn.rnn_stacks.0.bw_rnn.cell.weight_hh | [2048, 2048] | 4194304 -encoder.rnn.rnn_stacks.0.bw_rnn.cell.bias_hh | [2048] | 2048 -encoder.rnn.rnn_stacks.1.fw_fc.weight | [4096, 2048] | 8388608 -encoder.rnn.rnn_stacks.1.fw_bn.weight | [2048] | 2048 -encoder.rnn.rnn_stacks.1.fw_bn.bias | [2048] | 2048 -encoder.rnn.rnn_stacks.1.fw_bn._mean | [2048] | 2048 -encoder.rnn.rnn_stacks.1.fw_bn._variance | [2048] | 2048 -encoder.rnn.rnn_stacks.1.bw_fc.weight | [4096, 2048] | 8388608 -encoder.rnn.rnn_stacks.1.bw_bn.weight | [2048] | 2048 -encoder.rnn.rnn_stacks.1.bw_bn.bias | [2048] | 2048 -encoder.rnn.rnn_stacks.1.bw_bn._mean | [2048] | 2048 -encoder.rnn.rnn_stacks.1.bw_bn._variance | [2048] | 2048 -encoder.rnn.rnn_stacks.1.fw_cell.weight_hh | [2048, 2048] | 4194304 -encoder.rnn.rnn_stacks.1.fw_cell.bias_hh | [2048] | 2048 -encoder.rnn.rnn_stacks.1.bw_cell.weight_hh | [2048, 2048] | 4194304 -encoder.rnn.rnn_stacks.1.bw_cell.bias_hh | [2048] | 2048 -encoder.rnn.rnn_stacks.1.fw_rnn.cell.weight_hh | [2048, 2048] | 4194304 -encoder.rnn.rnn_stacks.1.fw_rnn.cell.bias_hh | [2048] | 2048 -encoder.rnn.rnn_stacks.1.bw_rnn.cell.weight_hh | [2048, 2048] | 4194304 -encoder.rnn.rnn_stacks.1.bw_rnn.cell.bias_hh | [2048] | 2048 -encoder.rnn.rnn_stacks.2.fw_fc.weight | [4096, 2048] | 8388608 -encoder.rnn.rnn_stacks.2.fw_bn.weight | [2048] | 2048 -encoder.rnn.rnn_stacks.2.fw_bn.bias | [2048] | 2048 -encoder.rnn.rnn_stacks.2.fw_bn._mean | [2048] | 2048 -encoder.rnn.rnn_stacks.2.fw_bn._variance | [2048] | 2048 -encoder.rnn.rnn_stacks.2.bw_fc.weight | [4096, 2048] | 8388608 -encoder.rnn.rnn_stacks.2.bw_bn.weight | [2048] | 2048 -encoder.rnn.rnn_stacks.2.bw_bn.bias | [2048] | 2048 -encoder.rnn.rnn_stacks.2.bw_bn._mean | [2048] | 2048 -encoder.rnn.rnn_stacks.2.bw_bn._variance | [2048] | 2048 -encoder.rnn.rnn_stacks.2.fw_cell.weight_hh | [2048, 2048] | 4194304 -encoder.rnn.rnn_stacks.2.fw_cell.bias_hh | [2048] | 2048 -encoder.rnn.rnn_stacks.2.bw_cell.weight_hh | [2048, 2048] | 4194304 -encoder.rnn.rnn_stacks.2.bw_cell.bias_hh | [2048] | 2048 -encoder.rnn.rnn_stacks.2.fw_rnn.cell.weight_hh | [2048, 2048] | 4194304 -encoder.rnn.rnn_stacks.2.fw_rnn.cell.bias_hh | [2048] | 2048 -encoder.rnn.rnn_stacks.2.bw_rnn.cell.weight_hh | [2048, 2048] | 4194304 -encoder.rnn.rnn_stacks.2.bw_rnn.cell.bias_hh | [2048] | 2048 -decoder.ctc_lo.weight | [4096, 29] | 118784 -decoder.ctc_lo.bias | [29] | 29 -Total parameters: 66, 85.55M elements. -/home/huangyuxin/workspace/my_DeepSpeech/DeepSpeech/tools/venv/lib/python3.7/site-packages/paddle/fluid/layers/utils.py:77: DeprecationWarning: Using or importing the ABCs from 'collections' instead of from 'collections.abc' is deprecated, and in 3.8 it will stop working - return (isinstance(seq, collections.Sequence) and -2021-09-20 08:43:32.857 | INFO | deepspeech2x.model:export:403 - Export code: def forward(self, audio, audio_len): - """export model function - - Args: - audio (Tensor): [B, T, D] - audio_len (Tensor): [B] - - Returns: - probs: probs after softmax - """ - eouts, eouts_len = paddle.jit.dy2static.convert_call(self.encoder)(audio, - audio_len) - probs = paddle.jit.dy2static.convert_call(self.decoder.softmax)(eouts) - return probs, eouts_len - -/home/huangyuxin/workspace/my_DeepSpeech/DeepSpeech/tools/venv/lib/python3.7/site-packages/paddle/fluid/framework.py:2249: UserWarning: The Attr(force_cpu) of Op(fill_constant) will be deprecated in the future, please use 'device_guard' instead. 'device_guard' has higher priority when they are used at the same time. - "used at the same time." % type) -/home/huangyuxin/workspace/my_DeepSpeech/DeepSpeech/tools/venv/lib/python3.7/site-packages/paddle/fluid/framework.py:744: DeprecationWarning: `np.bool` is a deprecated alias for the builtin `bool`. To silence this warning, use `bool` by itself. Doing this will not modify any behavior and is safe. If you specifically wanted the numpy scalar type, use `np.bool_` here. -Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations - elif dtype == np.bool: -/home/huangyuxin/workspace/my_DeepSpeech/DeepSpeech/tools/venv/lib/python3.7/site-packages/paddle/fluid/layers/math_op_patch.py:341: UserWarning: /tmp/tmpoj2smne_.py:29 -The behavior of expression A >= B has been unified with greater_equal(X, Y, axis=-1) from Paddle 2.0. If your code works well in the older versions but crashes in this version, try to use greater_equal(X, Y, axis=0) instead of A >= B. This transitional warning will be dropped in the future. - op_type, op_type, EXPRESSION_MAP[method_name])) -/home/huangyuxin/workspace/my_DeepSpeech/DeepSpeech/tools/venv/lib/python3.7/site-packages/paddle/fluid/layers/math_op_patch.py:341: UserWarning: /tmp/tmpyv33tvd1.py:17 -The behavior of expression A * B has been unified with elementwise_mul(X, Y, axis=-1) from Paddle 2.0. If your code works well in the older versions but crashes in this version, try to use elementwise_mul(X, Y, axis=0) instead of A * B. This transitional warning will be dropped in the future. - op_type, op_type, EXPRESSION_MAP[method_name])) -/home/huangyuxin/workspace/my_DeepSpeech/DeepSpeech/tools/venv/lib/python3.7/site-packages/paddle/fluid/layers/math_op_patch.py:341: UserWarning: /tmp/tmpkyvgsagi.py:17 -The behavior of expression A * B has been unified with elementwise_mul(X, Y, axis=-1) from Paddle 2.0. If your code works well in the older versions but crashes in this version, try to use elementwise_mul(X, Y, axis=0) instead of A * B. This transitional warning will be dropped in the future. - op_type, op_type, EXPRESSION_MAP[method_name])) -/home/huangyuxin/workspace/my_DeepSpeech/DeepSpeech/tools/venv/lib/python3.7/site-packages/paddle/fluid/layers/math_op_patch.py:341: UserWarning: /home/huangyuxin/workspace/my_DeepSpeech/DeepSpeech/examples/v18_to_v2x/deepspeech2x/models/ds2/rnn.py:84 -The behavior of expression A + B has been unified with elementwise_add(X, Y, axis=-1) from Paddle 2.0. If your code works well in the older versions but crashes in this version, try to use elementwise_add(X, Y, axis=0) instead of A + B. This transitional warning will be dropped in the future. - op_type, op_type, EXPRESSION_MAP[method_name])) -/home/huangyuxin/workspace/my_DeepSpeech/DeepSpeech/tools/venv/lib/python3.7/site-packages/paddle/fluid/layers/math_op_patch.py:341: UserWarning: /home/huangyuxin/workspace/my_DeepSpeech/DeepSpeech/tools/venv/lib/python3.7/site-packages/paddle/fluid/layers/rnn.py:520 -The behavior of expression A + B has been unified with elementwise_add(X, Y, axis=-1) from Paddle 2.0. If your code works well in the older versions but crashes in this version, try to use elementwise_add(X, Y, axis=0) instead of A + B. This transitional warning will be dropped in the future. - op_type, op_type, EXPRESSION_MAP[method_name])) -using 1 gpus... -Download language model ... -data/lm/common_crawl_00.prune01111.trie.klm already exists, download skipped. -grep: warning: GREP_OPTIONS is deprecated; please use an alias or script -/home/huangyuxin/workspace/my_DeepSpeech/DeepSpeech/tools/venv/lib/python3.7/site-packages/paddle/optimizer/adamw.py:21: DeprecationWarning: Using or importing the ABCs from 'collections' instead of from 'collections.abc' is deprecated, and in 3.8 it will stop working - from collections import Callable -/home/huangyuxin/workspace/my_DeepSpeech/DeepSpeech/tools/venv/lib/python3.7/site-packages/scipy/fftpack/__init__.py:103: DeprecationWarning: The module numpy.dual is deprecated. Instead of using dual, use the functions directly from numpy or scipy. - from numpy.dual import register_func -/home/huangyuxin/workspace/my_DeepSpeech/DeepSpeech/tools/venv/lib/python3.7/site-packages/scipy/special/orthogonal.py:81: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information. -Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations - from numpy import (exp, inf, pi, sqrt, floor, sin, cos, around, int, -/home/huangyuxin/workspace/my_DeepSpeech/DeepSpeech/tools/venv/lib/python3.7/site-packages/scipy/sparse/sputils.py:16: DeprecationWarning: `np.typeDict` is a deprecated alias for `np.sctypeDict`. - supported_dtypes = [np.typeDict[x] for x in supported_dtypes] -/home/huangyuxin/workspace/my_DeepSpeech/DeepSpeech/tools/venv/lib/python3.7/site-packages/swig_decoders-1.1-py3.7-linux-x86_64.egg/swig_decoders.py:15: DeprecationWarning: the imp module is deprecated in favour of importlib; see the module's documentation for alternative uses - import imp -2021-09-20 08:43:58.864 | WARNING | deepspeech2x::199 - override size of paddle.Tensor (`to_static` do not process `size` property, maybe some `paddle` api dependent on it), remove this when fixed! -2021-09-20 08:43:58.865 | WARNING | deepspeech2x::369 - register user GLU to paddle.nn, remove this when fixed! ------------ test_export.py Configuration Arguments ----------- -checkpoint_path: None -config: conf/deepspeech2.yaml -device: gpu -dump_config: None -export_path: exp/deepspeech2/checkpoints/librispeech_v1.8.jit -model_type: offline -nprocs: 1 -opts: [] -output: None -result_file: exp/deepspeech2/checkpoints/librispeech_v1.8.jit.rsl -seed: None ------------------------------------------------------------ -model_type:offline -collator: - augmentation_config: conf/augmentation.json - batch_size: 64 - delta_delta: False - dither: 1.0 - feat_dim: None - keep_transcription_text: False - max_freq: None - mean_std_filepath: data/mean_std.npz - n_fft: None - num_workers: 2 - random_seed: 0 - shuffle_method: batch_shuffle - sortagrad: True - specgram_type: linear - spm_model_prefix: None - stride_ms: 10.0 - target_dB: -20 - target_sample_rate: 16000 - unit_type: char - use_dB_normalization: True - vocab_filepath: data/vocab.txt - window_ms: 20.0 -data: - dev_manifest: data/manifest.dev - manifest: - max_input_len: 1000.0 - max_output_input_ratio: inf - max_output_len: inf - min_input_len: 0.0 - min_output_input_ratio: 0.0 - min_output_len: 0.0 - test_manifest: data/manifest.test-clean - train_manifest: data/manifest.train -decoding: - alpha: 2.5 - batch_size: 16 - beam_size: 500 - beta: 0.3 - cutoff_prob: 1.0 - cutoff_top_n: 40 - decoding_method: ctc_beam_search - error_rate_type: wer - lang_model_path: data/lm/common_crawl_00.prune01111.trie.klm - num_proc_bsearch: 8 -model: - blank_id: 28 - ctc_grad_norm_type: instance - num_conv_layers: 2 - num_rnn_layers: 3 - rnn_layer_size: 2048 - share_rnn_weights: True - use_gru: False -training: - accum_grad: 1 - checkpoint: - kbest_n: 50 - latest_n: 5 - global_grad_clip: 3.0 - log_interval: 100 - lr: 0.002 - lr_decay: 0.83 - n_epoch: 80 - weight_decay: 1e-06 -2021-09-20 08:43:58.928 | INFO | deepspeech2x.model:setup_dataloader:251 - Setup train/valid/test Dataloader! -W0920 08:43:58.930277 51774 device_context.cc:447] Please NOTE: device: 0, GPU Compute Capability: 7.0, Driver API Version: 10.2, Runtime API Version: 10.1 -W0920 08:43:58.936105 51774 device_context.cc:465] device: 0, cuDNN Version: 7.6. -2021-09-20 08:44:03.095 | INFO | deepspeech.modules.loss:__init__:36 - CTCLoss Loss reduction: sum, div-bs: True -2021-09-20 08:44:03.096 | INFO | deepspeech.modules.loss:__init__:45 - CTCLoss Grad Norm Type: instance -2021-09-20 08:44:03.097 | INFO | deepspeech2x.model:setup_model:165 - DeepSpeech2Model( - (encoder): CRNNEncoder( - (conv): ConvStack( - (conv_in): ConvBn( - (conv): Conv2D(1, 32, kernel_size=[41, 11], stride=[2, 3], padding=(20, 5), data_format=NCHW) - (bn): BatchNorm2D(num_features=32, momentum=0.9, epsilon=1e-05) - ) - (conv_stack): LayerList( - (0): ConvBn( - (conv): Conv2D(32, 32, kernel_size=[21, 11], stride=[2, 1], padding=(10, 5), data_format=NCHW) - (bn): BatchNorm2D(num_features=32, momentum=0.9, epsilon=1e-05) - ) - ) - ) - (rnn): RNNStack( - (rnn_stacks): LayerList( - (0): BiRNNWithBN( - (fw_fc): Linear(in_features=1312, out_features=2048, dtype=float32) - (fw_bn): BatchNorm1D(num_features=2048, momentum=0.9, epsilon=1e-05, data_format=NLC) - (bw_fc): Linear(in_features=1312, out_features=2048, dtype=float32) - (bw_bn): BatchNorm1D(num_features=2048, momentum=0.9, epsilon=1e-05, data_format=NLC) - (fw_cell): RNNCell() - (bw_cell): RNNCell() - (fw_rnn): RNN( - (cell): RNNCell() - ) - (bw_rnn): RNN( - (cell): RNNCell() - ) - ) - (1): BiRNNWithBN( - (fw_fc): Linear(in_features=4096, out_features=2048, dtype=float32) - (fw_bn): BatchNorm1D(num_features=2048, momentum=0.9, epsilon=1e-05, data_format=NLC) - (bw_fc): Linear(in_features=4096, out_features=2048, dtype=float32) - (bw_bn): BatchNorm1D(num_features=2048, momentum=0.9, epsilon=1e-05, data_format=NLC) - (fw_cell): RNNCell() - (bw_cell): RNNCell() - (fw_rnn): RNN( - (cell): RNNCell() - ) - (bw_rnn): RNN( - (cell): RNNCell() - ) - ) - (2): BiRNNWithBN( - (fw_fc): Linear(in_features=4096, out_features=2048, dtype=float32) - (fw_bn): BatchNorm1D(num_features=2048, momentum=0.9, epsilon=1e-05, data_format=NLC) - (bw_fc): Linear(in_features=4096, out_features=2048, dtype=float32) - (bw_bn): BatchNorm1D(num_features=2048, momentum=0.9, epsilon=1e-05, data_format=NLC) - (fw_cell): RNNCell() - (bw_cell): RNNCell() - (fw_rnn): RNN( - (cell): RNNCell() - ) - (bw_rnn): RNN( - (cell): RNNCell() - ) - ) - ) - ) - ) - (decoder): CTCDecoder( - (ctc_lo): Linear(in_features=4096, out_features=29, dtype=float32) - (criterion): CTCLoss( - (loss): CTCLoss() - ) - ) -) -2021-09-20 08:44:03.097 | INFO | deepspeech.utils.layer_tools:print_params:57 - encoder.conv.conv_in.conv.weight | [32, 1, 41, 11] | 14432 | True -Epoch 0: ExponentialDecay set learning rate to 0.002. -2021-09-20 08:44:03.098 | INFO | deepspeech.utils.layer_tools:print_params:57 - encoder.conv.conv_in.bn.weight | [32] | 32 | True -W0920 08:44:03.111608 51774 analysis_predictor.cc:734] The one-time configuration of analysis predictor failed, which may be due to native predictor called first and its configurations taken effect. ---- Running analysis [ir_graph_build_pass] ---- Running analysis [ir_graph_clean_pass] ---- Running analysis [ir_analysis_pass] ---- Running IR pass [is_test_pass] ---- Running IR pass [simplify_with_basic_ops_pass] ---- Running IR pass [conv_affine_channel_fuse_pass] ---- Running IR pass [conv_eltwiseadd_affine_channel_fuse_pass] ---- Running IR pass [conv_bn_fuse_pass] -I0920 08:44:03.282896 51774 fuse_pass_base.cc:57] --- detected 2 subgraphs ---- Running IR pass [conv_eltwiseadd_bn_fuse_pass] ---- Running IR pass [embedding_eltwise_layernorm_fuse_pass] ---- Running IR pass [multihead_matmul_fuse_pass_v2] ---- Running IR pass [squeeze2_matmul_fuse_pass] ---- Running IR pass [reshape2_matmul_fuse_pass] ---- Running IR pass [flatten2_matmul_fuse_pass] ---- Running IR pass [map_matmul_to_mul_pass] ---- Running IR pass [fc_fuse_pass] ---- Running IR pass [fc_elementwise_layernorm_fuse_pass] ---- Running IR pass [conv_elementwise_add_act_fuse_pass] ---- Running IR pass [conv_elementwise_add2_act_fuse_pass] ---- Running IR pass [conv_elementwise_add_fuse_pass] ---- Running IR pass [transpose_flatten_concat_fuse_pass] ---- Running IR pass [runtime_context_cache_pass] ---- Running analysis [ir_params_sync_among_devices_pass] -I0920 08:44:03.298290 51774 ir_params_sync_among_devices_pass.cc:45] Sync params from CPU to GPU ---- Running analysis [adjust_cudnn_workspace_size_pass] ---- Running analysis [inference_op_replace_pass] ---- Running analysis [memory_optimize_pass] -I0920 08:44:03.399698 51774 memory_optimize_pass.cc:214] Cluster name : cast_0.tmp_0 size: 4 -I0920 08:44:03.399737 51774 memory_optimize_pass.cc:214] Cluster name : range_0.tmp_0 size: 8 -I0920 08:44:03.399744 51774 memory_optimize_pass.cc:214] Cluster name : audio_len size: 8 -I0920 08:44:03.399747 51774 memory_optimize_pass.cc:214] Cluster name : elementwise_mul_14 size: 16384 -I0920 08:44:03.399751 51774 memory_optimize_pass.cc:214] Cluster name : linear_12.tmp_0 size: 8192 -I0920 08:44:03.399760 51774 memory_optimize_pass.cc:214] Cluster name : batch_norm_2.tmp_2 size: 8192 -I0920 08:44:03.399765 51774 memory_optimize_pass.cc:214] Cluster name : concat_2.tmp_0 size: 16384 -I0920 08:44:03.399770 51774 memory_optimize_pass.cc:214] Cluster name : batch_norm_3.tmp_1 size: 8192 -I0920 08:44:03.399775 51774 memory_optimize_pass.cc:214] Cluster name : audio size: 644 ---- Running analysis [ir_graph_to_program_pass] -I0920 08:44:03.500603 51774 analysis_predictor.cc:653] ======= optimize end ======= -I0920 08:44:03.506450 51774 naive_executor.cc:98] --- skip [feed], feed -> audio_len -I0920 08:44:03.506502 51774 naive_executor.cc:98] --- skip [feed], feed -> audio -I0920 08:44:03.509104 51774 naive_executor.cc:98] --- skip [elementwise_mul_14], fetch -> fetch -I0920 08:44:03.509135 51774 naive_executor.cc:98] --- skip [concat_2.tmp_0], fetch -> fetch -2021-09-20 08:44:03.098 | INFO | deepspeech.utils.layer_tools:print_params:57 - encoder.conv.conv_in.bn.bias | [32] | 32 | True -2021-09-20 08:44:03.098 | INFO | deepspeech.utils.layer_tools:print_params:57 - encoder.conv.conv_in.bn._mean | [32] | 32 | False -2021-09-20 08:44:03.099 | INFO | deepspeech.utils.layer_tools:print_params:57 - encoder.conv.conv_in.bn._variance | [32] | 32 | False -2021-09-20 08:44:03.099 | INFO | deepspeech.utils.layer_tools:print_params:57 - encoder.conv.conv_stack.0.conv.weight | [32, 32, 21, 11] | 236544 | True -2021-09-20 08:44:03.099 | INFO | deepspeech.utils.layer_tools:print_params:57 - encoder.conv.conv_stack.0.bn.weight | [32] | 32 | True -2021-09-20 08:44:03.100 | INFO | deepspeech.utils.layer_tools:print_params:57 - encoder.conv.conv_stack.0.bn.bias | [32] | 32 | True -2021-09-20 08:44:03.101 | INFO | deepspeech.utils.layer_tools:print_params:57 - encoder.conv.conv_stack.0.bn._mean | [32] | 32 | False -2021-09-20 08:44:03.101 | INFO | deepspeech.utils.layer_tools:print_params:57 - encoder.conv.conv_stack.0.bn._variance | [32] | 32 | False -2021-09-20 08:44:03.101 | INFO | deepspeech.utils.layer_tools:print_params:57 - encoder.rnn.rnn_stacks.0.fw_fc.weight | [1312, 2048] | 2686976 | True -2021-09-20 08:44:03.101 | INFO | deepspeech.utils.layer_tools:print_params:57 - encoder.rnn.rnn_stacks.0.fw_bn.weight | [2048] | 2048 | True -2021-09-20 08:44:03.102 | INFO | deepspeech.utils.layer_tools:print_params:57 - encoder.rnn.rnn_stacks.0.fw_bn.bias | [2048] | 2048 | True -2021-09-20 08:44:03.102 | INFO | deepspeech.utils.layer_tools:print_params:57 - encoder.rnn.rnn_stacks.0.fw_bn._mean | [2048] | 2048 | False -2021-09-20 08:44:03.102 | INFO | deepspeech.utils.layer_tools:print_params:57 - encoder.rnn.rnn_stacks.0.fw_bn._variance | [2048] | 2048 | False -2021-09-20 08:44:03.103 | INFO | deepspeech.utils.layer_tools:print_params:57 - encoder.rnn.rnn_stacks.0.fw_cell.weight_hh | [2048, 2048] | 4194304 | True -2021-09-20 08:44:03.103 | INFO | deepspeech.utils.layer_tools:print_params:57 - encoder.rnn.rnn_stacks.0.fw_cell.bias_hh | [2048] | 2048 | True -2021-09-20 08:44:03.103 | INFO | deepspeech.utils.layer_tools:print_params:57 - encoder.rnn.rnn_stacks.0.bw_cell.weight_hh | [2048, 2048] | 4194304 | True -2021-09-20 08:44:03.104 | INFO | deepspeech.utils.layer_tools:print_params:57 - encoder.rnn.rnn_stacks.0.bw_cell.bias_hh | [2048] | 2048 | True -2021-09-20 08:44:03.104 | INFO | deepspeech.utils.layer_tools:print_params:57 - encoder.rnn.rnn_stacks.1.fw_fc.weight | [4096, 2048] | 8388608 | True -2021-09-20 08:44:03.104 | INFO | deepspeech.utils.layer_tools:print_params:57 - encoder.rnn.rnn_stacks.1.fw_bn.weight | [2048] | 2048 | True -2021-09-20 08:44:03.105 | INFO | deepspeech.utils.layer_tools:print_params:57 - encoder.rnn.rnn_stacks.1.fw_bn.bias | [2048] | 2048 | True -2021-09-20 08:44:03.105 | INFO | deepspeech.utils.layer_tools:print_params:57 - encoder.rnn.rnn_stacks.1.fw_bn._mean | [2048] | 2048 | False -2021-09-20 08:44:03.105 | INFO | deepspeech.utils.layer_tools:print_params:57 - encoder.rnn.rnn_stacks.1.fw_bn._variance | [2048] | 2048 | False -2021-09-20 08:44:03.105 | INFO | deepspeech.utils.layer_tools:print_params:57 - encoder.rnn.rnn_stacks.1.fw_cell.weight_hh | [2048, 2048] | 4194304 | True -2021-09-20 08:44:03.106 | INFO | deepspeech.utils.layer_tools:print_params:57 - encoder.rnn.rnn_stacks.1.fw_cell.bias_hh | [2048] | 2048 | True -2021-09-20 08:44:03.106 | INFO | deepspeech.utils.layer_tools:print_params:57 - encoder.rnn.rnn_stacks.1.bw_cell.weight_hh | [2048, 2048] | 4194304 | True -2021-09-20 08:44:03.106 | INFO | deepspeech.utils.layer_tools:print_params:57 - encoder.rnn.rnn_stacks.1.bw_cell.bias_hh | [2048] | 2048 | True -2021-09-20 08:44:03.107 | INFO | deepspeech.utils.layer_tools:print_params:57 - encoder.rnn.rnn_stacks.2.fw_fc.weight | [4096, 2048] | 8388608 | True -2021-09-20 08:44:03.107 | INFO | deepspeech.utils.layer_tools:print_params:57 - encoder.rnn.rnn_stacks.2.fw_bn.weight | [2048] | 2048 | True -2021-09-20 08:44:03.107 | INFO | deepspeech.utils.layer_tools:print_params:57 - encoder.rnn.rnn_stacks.2.fw_bn.bias | [2048] | 2048 | True -2021-09-20 08:44:03.107 | INFO | deepspeech.utils.layer_tools:print_params:57 - encoder.rnn.rnn_stacks.2.fw_bn._mean | [2048] | 2048 | False -2021-09-20 08:44:03.108 | INFO | deepspeech.utils.layer_tools:print_params:57 - encoder.rnn.rnn_stacks.2.fw_bn._variance | [2048] | 2048 | False -2021-09-20 08:44:03.108 | INFO | deepspeech.utils.layer_tools:print_params:57 - encoder.rnn.rnn_stacks.2.fw_cell.weight_hh | [2048, 2048] | 4194304 | True -2021-09-20 08:44:03.108 | INFO | deepspeech.utils.layer_tools:print_params:57 - encoder.rnn.rnn_stacks.2.fw_cell.bias_hh | [2048] | 2048 | True -2021-09-20 08:44:03.109 | INFO | deepspeech.utils.layer_tools:print_params:57 - encoder.rnn.rnn_stacks.2.bw_cell.weight_hh | [2048, 2048] | 4194304 | True -2021-09-20 08:44:03.109 | INFO | deepspeech.utils.layer_tools:print_params:57 - encoder.rnn.rnn_stacks.2.bw_cell.bias_hh | [2048] | 2048 | True -2021-09-20 08:44:03.109 | INFO | deepspeech.utils.layer_tools:print_params:57 - decoder.ctc_lo.weight | [4096, 29] | 118784 | True -2021-09-20 08:44:03.109 | INFO | deepspeech.utils.layer_tools:print_params:57 - decoder.ctc_lo.bias | [29] | 29 | True -2021-09-20 08:44:03.110 | INFO | deepspeech.utils.layer_tools:print_params:60 - Total parameters: 39.0, 42.95M elements. -2021-09-20 08:44:03.111 | INFO | deepspeech2x.model:setup_model:184 - Setup model/optimizer/lr_scheduler! -2021-09-20 08:44:03.509 | INFO | deepspeech2x.model:test:353 - Test Total Examples: 2620 -2021-09-20 08:44:04.226 | INFO | deepspeech.modules.ctc:_init_ext_scorer:166 - begin to initialize the external scorer for decoding -2021-09-20 08:44:17.786 | INFO | deepspeech.modules.ctc:_init_ext_scorer:176 - language model: is_character_based = 0, max_order = 5, dict_size = 400000 -2021-09-20 08:44:18.106 | INFO | deepspeech.modules.ctc:_init_ext_scorer:177 - end initializing scorer -2021-09-20 08:44:18.254 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: a story -Output Transcription: a story -2021-09-20 08:44:18.255 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:44:18.255 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: direction -Output Transcription: direction -2021-09-20 08:44:18.255 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:44:18.256 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: verse two -Output Transcription: first two -2021-09-20 08:44:18.256 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.500000 -2021-09-20 08:44:18.256 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: oh emil -Output Transcription: oh amil -2021-09-20 08:44:18.257 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.500000 -2021-09-20 08:44:18.257 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: indeed ah -Output Transcription: indeed a -2021-09-20 08:44:18.257 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.500000 -2021-09-20 08:44:18.258 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: farewell madam -Output Transcription: farewell madame -2021-09-20 08:44:18.258 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.500000 -2021-09-20 08:44:18.258 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: poor alice -Output Transcription: poor alice -2021-09-20 08:44:18.259 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:44:18.259 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: there just in front -Output Transcription: there just in front -2021-09-20 08:44:18.259 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:44:18.260 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: hans stirs not -Output Transcription: han stirs not -2021-09-20 08:44:18.260 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.333333 -2021-09-20 08:44:18.260 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: marie sighed -Output Transcription: marie's side -2021-09-20 08:44:18.261 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 1.000000 -2021-09-20 08:44:18.261 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: venice -Output Transcription: venice -2021-09-20 08:44:18.261 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:44:18.261 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: what was that -Output Transcription: what was that -2021-09-20 08:44:18.262 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:44:18.262 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: will you forgive me now -Output Transcription: will you forgive me now -2021-09-20 08:44:18.262 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:44:18.263 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: paul sticks to his theme -Output Transcription: pastes to his theme -2021-09-20 08:44:18.263 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.400000 -2021-09-20 08:44:18.263 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: ay me -Output Transcription: i me -2021-09-20 08:44:18.264 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.500000 -2021-09-20 08:44:18.264 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: there is no fear of that sir -Output Transcription: there's no fear of that sir -2021-09-20 08:44:18.265 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.285714 -2021-09-20 08:44:18.266 | INFO | deepspeech2x.model:test:372 - Error rate [wer] (16/?) = 0.266667 -2021-09-20 08:44:19.620 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: then she suddenly remarked -Output Transcription: then she suddenly remarked -2021-09-20 08:44:19.621 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:44:19.621 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i must know about you -Output Transcription: i must know about you -2021-09-20 08:44:19.622 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:44:19.622 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i delight in your kitchen -Output Transcription: my delight in your kitchen -2021-09-20 08:44:19.623 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.200000 -2021-09-20 08:44:19.623 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: thank you dorcas dear -Output Transcription: thank you darkest deer -2021-09-20 08:44:19.624 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.500000 -2021-09-20 08:44:19.624 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: explain yourself -Output Transcription: explain yourself -2021-09-20 08:44:19.624 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:44:19.625 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: he knows them both -Output Transcription: he knows them both -2021-09-20 08:44:19.625 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:44:19.625 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: you are positive then -Output Transcription: you are positive then -2021-09-20 08:44:19.626 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:44:19.626 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: it is annoyance then -Output Transcription: it is annoyance then -2021-09-20 08:44:19.626 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:44:19.626 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: it was written in latin -Output Transcription: it was written in latin -2021-09-20 08:44:19.627 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:44:19.627 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: have i told you about my new play -Output Transcription: have i told you about my new play -2021-09-20 08:44:19.627 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:44:19.628 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: where was the use of imagining -Output Transcription: where was the use of imagining -2021-09-20 08:44:19.628 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:44:19.628 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: suppose it's a friend -Output Transcription: suppose is a friend -2021-09-20 08:44:19.629 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.250000 -2021-09-20 08:44:19.629 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: that's the way of the world -Output Transcription: that's the way of the world -2021-09-20 08:44:19.629 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:44:19.630 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: experience proves this -Output Transcription: experience proves this -2021-09-20 08:44:19.630 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:44:19.630 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: we don't know where it will take us -Output Transcription: we don't know where it will take us -2021-09-20 08:44:19.630 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:44:19.631 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: only for a minute or so -Output Transcription: only for a minute or so -2021-09-20 08:44:19.631 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:44:19.631 | INFO | deepspeech2x.model:test:372 - Error rate [wer] (32/?) = 0.130081 -2021-09-20 08:44:19.994 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i will practice it -Output Transcription: i will practise it -2021-09-20 08:44:19.995 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.250000 -2021-09-20 08:44:19.995 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: but we're going just the same -Output Transcription: but we're going just the same -2021-09-20 08:44:19.995 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:44:19.996 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: phoenician very good -Output Transcription: phoenician very good -2021-09-20 08:44:19.996 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:44:19.996 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i named nine others and said -Output Transcription: i name nine others and said -2021-09-20 08:44:19.997 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.166667 -2021-09-20 08:44:19.997 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: won't you tell douglas -Output Transcription: won't you tell douglas -2021-09-20 08:44:19.998 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:44:19.998 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: no good my dear watson -Output Transcription: no good my dear watson -2021-09-20 08:44:19.998 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:44:19.999 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: at another time harald asked -Output Transcription: at another time harold asked -2021-09-20 08:44:19.999 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.200000 -2021-09-20 08:44:19.999 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: yes said rachel -Output Transcription: yes said rachel -2021-09-20 08:44:20.000 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:44:20.000 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: to morrow is the examination -Output Transcription: tomorrow is the examination -2021-09-20 08:44:20.001 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.400000 -2021-09-20 08:44:20.001 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the lad had checked him then -Output Transcription: the lad had checked him then -2021-09-20 08:44:20.002 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:44:20.002 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: squeak squeak -Output Transcription: squeak squeak -2021-09-20 08:44:20.002 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:44:20.002 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: he was the last to turn to christ -Output Transcription: he was the last to turn to christ -2021-09-20 08:44:20.003 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:44:20.003 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: probably not till the second post -Output Transcription: probably not til the second post -2021-09-20 08:44:20.004 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.166667 -2021-09-20 08:44:20.004 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: alexandra lets you sleep late -Output Transcription: alexander that you sleep late -2021-09-20 08:44:20.005 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.400000 -2021-09-20 08:44:20.005 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: it's a stock company and rich -Output Transcription: it's a stock company in rich -2021-09-20 08:44:20.006 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.166667 -2021-09-20 08:44:20.006 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: robin fitzooth -Output Transcription: robin fitz -2021-09-20 08:44:20.007 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.500000 -2021-09-20 08:44:20.007 | INFO | deepspeech2x.model:test:372 - Error rate [wer] (48/?) = 0.130653 -2021-09-20 08:44:21.941 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: and one more this morning -Output Transcription: and one more this morning -2021-09-20 08:44:21.942 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:44:21.942 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the room was empty when he entered -Output Transcription: the room was empty when he entered -2021-09-20 08:44:21.942 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:44:21.943 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: he put his shoes on the table -Output Transcription: he put his shoes on the table -2021-09-20 08:44:21.943 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:44:21.944 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i don't want to stand around and look on -Output Transcription: i don't mind to stand around a morgan -2021-09-20 08:44:21.945 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.444444 -2021-09-20 08:44:21.945 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: he could wait no longer -Output Transcription: he could wait no longer -2021-09-20 08:44:21.945 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:44:21.945 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i got in about ten minutes ago -Output Transcription: i got in about ten minutes ago -2021-09-20 08:44:21.946 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:44:21.946 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: oh bartley what am i to do -Output Transcription: how bartling what am i to do -2021-09-20 08:44:21.947 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.285714 -2021-09-20 08:44:21.947 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: she doesn't take up with anybody you know -Output Transcription: she doesn't take up with anybody you know -2021-09-20 08:44:21.948 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:44:21.948 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the work had to be condensed -Output Transcription: the work had to be condensed -2021-09-20 08:44:21.948 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:44:21.948 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the story's written -Output Transcription: the stories written -2021-09-20 08:44:21.949 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.333333 -2021-09-20 08:44:21.949 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: why are we to be divided -Output Transcription: why are we to be divided -2021-09-20 08:44:21.949 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:44:21.950 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: alexander did not sit down -Output Transcription: alexander did not sit down -2021-09-20 08:44:21.950 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:44:21.950 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: slang is odious -Output Transcription: slang is odious -2021-09-20 08:44:21.950 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:44:21.951 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i painted the eyes red for anger -Output Transcription: i painted the eyes red for anger -2021-09-20 08:44:21.951 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:44:21.952 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: he is but a boy the men said -Output Transcription: he is but a boy the man said -2021-09-20 08:44:21.952 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.125000 -2021-09-20 08:44:21.953 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i am very glad -Output Transcription: i am very glad -2021-09-20 08:44:21.953 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:44:21.953 | INFO | deepspeech2x.model:test:372 - Error rate [wer] (64/?) = 0.114865 -2021-09-20 08:44:22.326 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: fine glorious -Output Transcription: fine pores -2021-09-20 08:44:22.327 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.500000 -2021-09-20 08:44:22.327 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: eliza parsons shook her head -Output Transcription: eliza parsons shook her head -2021-09-20 08:44:22.327 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:44:22.328 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: all is said without a word -Output Transcription: all is said without a word -2021-09-20 08:44:22.328 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:44:22.328 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the woman seemed thoughtful -Output Transcription: the woman seemed thoughtful -2021-09-20 08:44:22.328 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:44:22.329 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: then the leader parted from the line -Output Transcription: then the leader parted from the line -2021-09-20 08:44:22.329 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:44:22.329 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: you don't seem to realize the position -Output Transcription: you don't seem to realize the position -2021-09-20 08:44:22.329 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:44:22.330 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: what is slang -Output Transcription: what is slang -2021-09-20 08:44:22.330 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:44:22.330 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: bring in the table we are hungry -Output Transcription: bring in the table we are hungry -2021-09-20 08:44:22.330 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:44:22.331 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i'll pay all the costs besides -Output Transcription: i'll pay all the cause besides -2021-09-20 08:44:22.332 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.166667 -2021-09-20 08:44:22.332 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: ain't they the greatest -Output Transcription: ain't they the greatest -2021-09-20 08:44:22.332 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:44:22.332 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: your mother the queen was standing by -Output Transcription: your mother the queen was standing by -2021-09-20 08:44:22.333 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:44:22.333 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: he makes it sort of cozier -Output Transcription: he makes it sort of cozier -2021-09-20 08:44:22.333 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:44:22.333 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: it is a duty said i -Output Transcription: it is a duty said i -2021-09-20 08:44:22.334 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:44:22.334 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: just close the door said holmes -Output Transcription: just closed the door said holmes -2021-09-20 08:44:22.335 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.166667 -2021-09-20 08:44:22.335 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i allude to the goddess -Output Transcription: i allude to the goddess -2021-09-20 08:44:22.335 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:44:22.336 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: now to bed boy -Output Transcription: now to bed boy -2021-09-20 08:44:22.336 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:44:22.336 | INFO | deepspeech2x.model:test:372 - Error rate [wer] (80/?) = 0.097113 -2021-09-20 08:44:22.740 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: so it is said anders -Output Transcription: so it is said anders -2021-09-20 08:44:22.741 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:44:22.742 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the former boolooroo groaned -Output Transcription: the former bore groaned -2021-09-20 08:44:22.743 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.250000 -2021-09-20 08:44:22.743 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: weren't you happy then at all -Output Transcription: weren't you happy then at all -2021-09-20 08:44:22.743 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:44:22.744 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: but that is kaffar's knife -Output Transcription: but that is cair's life -2021-09-20 08:44:22.744 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.400000 -2021-09-20 08:44:22.745 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: ham to be or not to be -Output Transcription: him to be or not to be -2021-09-20 08:44:22.745 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.142857 -2021-09-20 08:44:22.746 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: and how odd the directions will look -Output Transcription: and how odd the directions will look -2021-09-20 08:44:22.746 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:44:22.747 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: so we harried the coast of norway -Output Transcription: so we hurried the coast of norway -2021-09-20 08:44:22.747 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.142857 -2021-09-20 08:44:22.748 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: anders face grew red -Output Transcription: anders face grew red -2021-09-20 08:44:22.748 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:44:22.748 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: mister jago is an american philip -Output Transcription: is iago as an american philip -2021-09-20 08:44:22.749 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.500000 -2021-09-20 08:44:22.750 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: it will be no disappointment to me -Output Transcription: it'll be no disappointment to me -2021-09-20 08:44:22.750 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.285714 -2021-09-20 08:44:22.751 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: ah very well -Output Transcription: a very well -2021-09-20 08:44:22.751 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.333333 -2021-09-20 08:44:22.751 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the university -Output Transcription: the university -2021-09-20 08:44:22.752 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:44:22.752 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i don't anticipate -Output Transcription: i don't anticipate -2021-09-20 08:44:22.752 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:44:22.753 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: oh well sir what about him -Output Transcription: help well sir what about him -2021-09-20 08:44:22.753 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.166667 -2021-09-20 08:44:22.754 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: no more than the dancing -Output Transcription: no more than the dancing -2021-09-20 08:44:22.754 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:44:22.754 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: he's swiftly punished -Output Transcription: he is swiftly punished -2021-09-20 08:44:22.755 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.666667 -2021-09-20 08:44:22.755 | INFO | deepspeech2x.model:test:372 - Error rate [wer] (96/?) = 0.110629 -2021-09-20 08:44:23.218 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: if i feel that way i feel that way -Output Transcription: if i feel that way i feel that way -2021-09-20 08:44:23.219 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:44:23.220 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: yes don't you -Output Transcription: yes don't you -2021-09-20 08:44:23.221 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:44:23.221 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: look closely at life -Output Transcription: look closely at life -2021-09-20 08:44:23.222 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:44:23.222 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: you know captain lake -Output Transcription: you know captain lake -2021-09-20 08:44:23.222 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:44:23.223 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: poyser is not at home is he -Output Transcription: poyser is not at home as he -2021-09-20 08:44:23.224 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.142857 -2021-09-20 08:44:23.224 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: stephanos dedalos -Output Transcription: stefano delos -2021-09-20 08:44:23.224 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 1.000000 -2021-09-20 08:44:23.225 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: these he gave to three of my brothers -Output Transcription: these he gave to three of my brothers -2021-09-20 08:44:23.225 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:44:23.225 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: then he turned to me again frowning -Output Transcription: then he turned to me again frowning -2021-09-20 08:44:23.225 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:44:23.226 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: so it is with the lower animals -Output Transcription: so it is with the lower animals -2021-09-20 08:44:23.226 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:44:23.227 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: who touches me am i in bed -Output Transcription: taches me am i in bed -2021-09-20 08:44:23.227 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.285714 -2021-09-20 08:44:23.228 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i suppose that's the wet season too then -Output Transcription: i suppose that's the wet season too then -2021-09-20 08:44:23.228 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:44:23.228 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: he tried to think how it could be -Output Transcription: he tried to think how it could be -2021-09-20 08:44:23.228 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:44:23.229 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: he is the one with the worst record -Output Transcription: he is the one with the worst record -2021-09-20 08:44:23.229 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:44:23.229 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: that invitation decided her -Output Transcription: that invitation decided her -2021-09-20 08:44:23.229 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:44:23.230 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: but i stayed that spring and built me a boat -Output Transcription: but i stayed that spring and built me a boat -2021-09-20 08:44:23.230 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:44:23.230 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: no its not too soon -Output Transcription: no it's not you soon -2021-09-20 08:44:23.231 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.400000 -2021-09-20 08:44:23.231 | INFO | deepspeech2x.model:test:372 - Error rate [wer] (112/?) = 0.103203 -2021-09-20 08:44:23.684 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: relapses into silence for the rest of the evening -Output Transcription: relapses into sins for the rest of the inning -2021-09-20 08:44:23.686 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.222222 -2021-09-20 08:44:23.687 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: he acts as though he had not expected us -Output Transcription: he acted to he's not expected us -2021-09-20 08:44:23.688 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.555556 -2021-09-20 08:44:23.688 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: enter lord arthur fluffinose -Output Transcription: entered lord arthur poteet -2021-09-20 08:44:23.688 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.500000 -2021-09-20 08:44:23.689 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: will the hurons hear his groans -Output Transcription: will the herons here his groans -2021-09-20 08:44:23.690 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.333333 -2021-09-20 08:44:23.690 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: how did her mother ever let her go -Output Transcription: how did her mother ever let her go -2021-09-20 08:44:23.690 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:44:23.690 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: you are acute -Output Transcription: you are acute -2021-09-20 08:44:23.691 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:44:23.691 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: spinning indeed -Output Transcription: spinning indeed -2021-09-20 08:44:23.691 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:44:23.691 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: to day i shouted -Output Transcription: today i shouted -2021-09-20 08:44:23.692 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.500000 -2021-09-20 08:44:23.692 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: after all we were awfully young -Output Transcription: after all we were awfully long -2021-09-20 08:44:23.693 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.166667 -2021-09-20 08:44:23.693 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: and all the brethren which are with me -Output Transcription: and all the brethren which are with me -2021-09-20 08:44:23.693 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:44:23.694 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: somehow i had grown nervous -Output Transcription: somehow i had grown nervous -2021-09-20 08:44:23.694 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:44:23.694 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the captain shook his head -Output Transcription: the captain shook his head -2021-09-20 08:44:23.694 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:44:23.694 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: so it seems to me -Output Transcription: so it seems to me -2021-09-20 08:44:23.695 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:44:23.695 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: mister ottley's indeed -Output Transcription: mister outlays indeed -2021-09-20 08:44:23.695 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.333333 -2021-09-20 08:44:23.696 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: she has been dead these twenty years -Output Transcription: she has been dead these twenty years -2021-09-20 08:44:23.696 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:44:23.696 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: he only shook his head -Output Transcription: he only shook his head -2021-09-20 08:44:23.696 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:44:23.697 | INFO | deepspeech2x.model:test:372 - Error rate [wer] (128/?) = 0.112135 -2021-09-20 08:44:24.118 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the count shook his head -Output Transcription: the count shook his head -2021-09-20 08:44:24.119 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:44:24.119 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: she gathered up her reins -Output Transcription: she gathered up her reins -2021-09-20 08:44:24.119 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:44:24.119 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: ocean reigned supreme -Output Transcription: ocean reigned supreme -2021-09-20 08:44:24.120 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:44:24.120 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: why should he not be as other men -Output Transcription: why should he not be as other men -2021-09-20 08:44:24.120 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:44:24.120 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i get nothing but misery out of either -Output Transcription: i get nothing but misery out of either -2021-09-20 08:44:24.121 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:44:24.121 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i'm glad she's held her own since -Output Transcription: i'm glad she held her own sense -2021-09-20 08:44:24.122 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.285714 -2021-09-20 08:44:24.122 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i have my own reasons mister marshall -Output Transcription: i have my own reasons mister marshall -2021-09-20 08:44:24.123 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:44:24.123 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the variability of multiple parts -Output Transcription: the variability of multiple parts -2021-09-20 08:44:24.123 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:44:24.123 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: never that sir he had said -Output Transcription: never that sir he had said -2021-09-20 08:44:24.123 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:44:24.124 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: almost instantly he was forced to the top -Output Transcription: almost instantly was forced to the top -2021-09-20 08:44:24.125 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.125000 -2021-09-20 08:44:24.125 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: and love be false -Output Transcription: and love be false -2021-09-20 08:44:24.125 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:44:24.126 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the chair was empty but he knew -Output Transcription: the chair was empty when he knew -2021-09-20 08:44:24.127 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.142857 -2021-09-20 08:44:24.127 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i boldly lighted my cheroot -Output Transcription: i boldly lighted my to root -2021-09-20 08:44:24.128 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.400000 -2021-09-20 08:44:24.128 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i know he had it this very evening -Output Transcription: i know he had it this very evening -2021-09-20 08:44:24.128 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:44:24.128 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: but now nothing could hold me back -Output Transcription: but now nothing could hold me back -2021-09-20 08:44:24.129 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:44:24.129 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: have i told the truth mister gilchrist -Output Transcription: have i told the truth mister gilchrist -2021-09-20 08:44:24.129 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:44:24.129 | INFO | deepspeech2x.model:test:372 - Error rate [wer] (144/?) = 0.105193 -2021-09-20 08:44:24.559 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: liter roughly one quart -Output Transcription: later roughly one court -2021-09-20 08:44:24.560 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.500000 -2021-09-20 08:44:24.561 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: it was the beauty of it -Output Transcription: it was the beauty of it -2021-09-20 08:44:24.561 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:44:24.562 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: we're leaving on the abraham lincoln -Output Transcription: re leaving on the abraham lincoln -2021-09-20 08:44:24.562 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.166667 -2021-09-20 08:44:24.563 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: if i can get patients -Output Transcription: if i can get patience -2021-09-20 08:44:24.563 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.200000 -2021-09-20 08:44:24.563 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: it spoils one's best work -Output Transcription: it spoils one's best work -2021-09-20 08:44:24.564 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:44:24.564 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: yes rachel i do love you -Output Transcription: yes rachel i do love you -2021-09-20 08:44:24.564 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:44:24.564 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: you know him i think so -Output Transcription: you know him i think so -2021-09-20 08:44:24.565 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:44:24.565 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: mother dear father do you hear me -Output Transcription: mother dear father do you hear me -2021-09-20 08:44:24.565 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:44:24.565 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i didn't preach without direction -Output Transcription: i didn't preach without direction -2021-09-20 08:44:24.565 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:44:24.566 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the problem was solved -Output Transcription: the problem was solved -2021-09-20 08:44:24.566 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:44:24.566 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: he nods his consent -Output Transcription: he gnawed his consent -2021-09-20 08:44:24.567 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.250000 -2021-09-20 08:44:24.567 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: it's tremendously well put on too -Output Transcription: it's tremendously well put on to -2021-09-20 08:44:24.568 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.166667 -2021-09-20 08:44:24.568 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: this is our last feast with you i said -Output Transcription: this is our last feast with you i said -2021-09-20 08:44:24.568 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:44:24.569 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: oh but i'm glad to get this place mowed -Output Transcription: oh but i'm glad to get this place mode -2021-09-20 08:44:24.570 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.111111 -2021-09-20 08:44:24.570 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: we never had so many of them in here before -Output Transcription: we never had so many of them in here before -2021-09-20 08:44:24.571 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:44:24.571 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: there are few changes in the old quarter -Output Transcription: there are a few changes in the old quarter -2021-09-20 08:44:24.572 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.125000 -2021-09-20 08:44:24.573 | INFO | deepspeech2x.model:test:372 - Error rate [wer] (160/?) = 0.102233 -2021-09-20 08:44:24.997 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the housekeeper led the way and beth followed -Output Transcription: the housekeeper led the way and beth followed -2021-09-20 08:44:24.998 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:44:24.998 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: she pressed his hand gently in gratitude -Output Transcription: she pressed his hand gently in gratitude -2021-09-20 08:44:24.998 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:44:24.999 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: then he comes to the beak of it -Output Transcription: then he comes to the beak of -2021-09-20 08:44:25.000 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.125000 -2021-09-20 08:44:25.000 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: so i did push this fellow -Output Transcription: so i did push this fellow -2021-09-20 08:44:25.000 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:44:25.001 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i want double nine hal lo -Output Transcription: i want double nine hello -2021-09-20 08:44:25.001 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.333333 -2021-09-20 08:44:25.002 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: when i addressed him he answered constrainedly -Output Transcription: when i addressed him he answered constrain ly -2021-09-20 08:44:25.003 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.285714 -2021-09-20 08:44:25.003 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: fathom six feet -Output Transcription: fathom six feet -2021-09-20 08:44:25.003 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:44:25.004 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i was afraid it was nearer home -Output Transcription: i was afraid it was nearer home -2021-09-20 08:44:25.004 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:44:25.004 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: frankly i cannot always say -Output Transcription: frankly i cannot always say -2021-09-20 08:44:25.004 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:44:25.005 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: but there seemed no reason to fear -Output Transcription: but there seemed no reason to fear -2021-09-20 08:44:25.005 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:44:25.005 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: that's what you'd like to be doing is it -Output Transcription: that's what you'd like to be doing is it -2021-09-20 08:44:25.005 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:44:25.006 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: and anyhow there's nothing to understand -Output Transcription: and any how there's nothing to understand -2021-09-20 08:44:25.006 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.333333 -2021-09-20 08:44:25.007 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: bartley bent lower over the fire -Output Transcription: partly bent lowered over the fire -2021-09-20 08:44:25.007 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.333333 -2021-09-20 08:44:25.008 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: she was alone that night -Output Transcription: she was alone that night -2021-09-20 08:44:25.008 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:44:25.008 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the three modes of management -Output Transcription: the three modes of management -2021-09-20 08:44:25.008 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:44:25.009 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i give my consent -Output Transcription: i give my consent -2021-09-20 08:44:25.009 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:44:25.009 | INFO | deepspeech2x.model:test:372 - Error rate [wer] (176/?) = 0.101053 -2021-09-20 08:44:25.412 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: conseil was my manservant -Output Transcription: conseil was my manservant -2021-09-20 08:44:25.413 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:44:25.414 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: at any rate i say go -Output Transcription: at any rate i say go -2021-09-20 08:44:25.414 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:44:25.414 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i hanna common patience with you -Output Transcription: i had a common patience with you -2021-09-20 08:44:25.415 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.333333 -2021-09-20 08:44:25.416 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: been looking up tooms county -Output Transcription: ten looking up tombs county -2021-09-20 08:44:25.416 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.400000 -2021-09-20 08:44:25.416 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the indian i also thought nothing of -Output Transcription: the indian i also thought nothing of -2021-09-20 08:44:25.417 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:44:25.417 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: but it's worse now it's unbearable -Output Transcription: but it's worse now it's unbearable -2021-09-20 08:44:25.417 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:44:25.417 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i wish i knew myself she cried fiercely -Output Transcription: i wish i knew myself she cried fiercely -2021-09-20 08:44:25.418 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:44:25.418 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: paul came later and is beneath us -Output Transcription: talking later in his beneath us -2021-09-20 08:44:25.419 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.571429 -2021-09-20 08:44:25.419 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: that is comparatively nothing -Output Transcription: that is comparatively nothing -2021-09-20 08:44:25.419 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:44:25.419 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the foul mouthed fellow at the top -Output Transcription: the foul mouthed fellow at the top -2021-09-20 08:44:25.420 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:44:25.420 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: tied to a woman -Output Transcription: tide to a woman -2021-09-20 08:44:25.420 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.250000 -2021-09-20 08:44:25.421 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: cotton she paused -Output Transcription: cotton she paused -2021-09-20 08:44:25.421 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:44:25.421 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: and it ruins a man's disposition -Output Transcription: and it runs a man's disposition -2021-09-20 08:44:25.422 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.166667 -2021-09-20 08:44:25.422 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i can't stand seeing you miserable -Output Transcription: i can't stand seeing you miserable -2021-09-20 08:44:25.423 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:44:25.423 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: it will be such a satisfaction -Output Transcription: it will be such a satisfaction -2021-09-20 08:44:25.423 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:44:25.423 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: o love o troth -Output Transcription: o love o troth -2021-09-20 08:44:25.424 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:44:25.424 | INFO | deepspeech2x.model:test:372 - Error rate [wer] (192/?) = 0.102021 -2021-09-20 08:44:25.858 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: that is very important said holmes -Output Transcription: that is very importance and holmes -2021-09-20 08:44:25.860 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.333333 -2021-09-20 08:44:25.861 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: and would he not be a good gift for our baby -Output Transcription: and would he not be a good gift for baby -2021-09-20 08:44:25.862 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.090909 -2021-09-20 08:44:25.863 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: her eyes wandered to the maid's hands -Output Transcription: her eyes wandered to the maid's hand -2021-09-20 08:44:25.863 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.142857 -2021-09-20 08:44:25.864 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the letter ran as follows -Output Transcription: the letter ran as follows -2021-09-20 08:44:25.864 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:44:25.864 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the call is not to be taken lightly -Output Transcription: the call is not to be taken lightly -2021-09-20 08:44:25.864 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:44:25.864 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: chapter seven on the races of man -Output Transcription: chapter seven on the races of man -2021-09-20 08:44:25.865 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:44:25.865 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i've seen lots of that kind in my day -Output Transcription: i've seen lots of that kind in my day -2021-09-20 08:44:25.865 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:44:25.865 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: my position was too terrible -Output Transcription: my position was too terrible -2021-09-20 08:44:25.866 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:44:25.866 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: my men pounded the table with their fists -Output Transcription: my men pounded the table with their fists -2021-09-20 08:44:25.866 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:44:25.867 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: and then what happens then -Output Transcription: and then what happens the -2021-09-20 08:44:25.867 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.200000 -2021-09-20 08:44:25.867 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: you propose to kidnap me i said -Output Transcription: you propose to kidnap me i said -2021-09-20 08:44:25.868 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:44:25.868 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: during his watch i slept -Output Transcription: during his watch i slept -2021-09-20 08:44:25.868 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:44:25.868 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: rest and be still until i warn you -Output Transcription: rest and be still until i warn you -2021-09-20 08:44:25.868 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:44:25.869 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: and you never used to be cross to me -Output Transcription: and he never used to be cross to me -2021-09-20 08:44:25.870 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.111111 -2021-09-20 08:44:25.871 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: ay and show you some pretty tricks -Output Transcription: i and show you some pretty tricks -2021-09-20 08:44:25.871 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.142857 -2021-09-20 08:44:25.872 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: were i but already on the cart -Output Transcription: were i but already on the cart -2021-09-20 08:44:25.872 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:44:25.872 | INFO | deepspeech2x.model:test:372 - Error rate [wer] (208/?) = 0.098005 -2021-09-20 08:44:26.311 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: when he finished she said cheerfully -Output Transcription: when he finished she said cheerfully -2021-09-20 08:44:26.312 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:44:26.313 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i say i've been wondering about this business -Output Transcription: i say i've been wondering about this business -2021-09-20 08:44:26.313 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:44:26.314 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: you're foolish why should you do all this -Output Transcription: your foolish why should you do all this -2021-09-20 08:44:26.314 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.125000 -2021-09-20 08:44:26.315 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: then all our good times are over -Output Transcription: then all our good times are over -2021-09-20 08:44:26.315 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:44:26.315 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: sunday august sixteenth -Output Transcription: sunday august sixteen -2021-09-20 08:44:26.316 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.333333 -2021-09-20 08:44:26.316 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: now let's dust the furniture and pictures -Output Transcription: knowles dust the furniture and pictures -2021-09-20 08:44:26.317 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.285714 -2021-09-20 08:44:26.317 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: said lord chelford addressing me -Output Transcription: said lord chelford addressing me -2021-09-20 08:44:26.317 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:44:26.318 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: then he tossed it down and seized the next -Output Transcription: then he tossed it down and seized the next -2021-09-20 08:44:26.318 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:44:26.318 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: chapter one origin -Output Transcription: chapter one origin -2021-09-20 08:44:26.318 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:44:26.319 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: and he deserves a term in state's prison -Output Transcription: and he deserves determined states prison -2021-09-20 08:44:26.320 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.500000 -2021-09-20 08:44:26.320 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: your power is sufficient i said -Output Transcription: your power is sufficient i said -2021-09-20 08:44:26.320 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:44:26.320 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: a little attack of nerves possibly -Output Transcription: a little attack of nerves possibly -2021-09-20 08:44:26.321 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:44:26.321 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: did you look at these papers on the table -Output Transcription: did you look at the papers on the table -2021-09-20 08:44:26.322 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.111111 -2021-09-20 08:44:26.323 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: we suffer stifling pains -Output Transcription: we suffer stifling pains -2021-09-20 08:44:26.323 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:44:26.323 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: at your service sir -Output Transcription: at your service sir -2021-09-20 08:44:26.323 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:44:26.324 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: cries of a nottingham a nottingham -Output Transcription: cries of nottingham in nottingham -2021-09-20 08:44:26.324 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.333333 -2021-09-20 08:44:26.324 | INFO | deepspeech2x.model:test:372 - Error rate [wer] (224/?) = 0.099042 -2021-09-20 08:44:27.585 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: this evening they all said -Output Transcription: this evening they all said -2021-09-20 08:44:27.586 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:44:27.587 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: but it can't be protested the girl -Output Transcription: but it can't be protested the girl -2021-09-20 08:44:27.587 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:44:27.587 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: don't cry don't cry he whispered -Output Transcription: don't cry don't cry he whispered -2021-09-20 08:44:27.587 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:44:27.588 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: take him out thorkel and let him taste your sword -Output Transcription: take him out take and let him taste your sword -2021-09-20 08:44:27.589 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.100000 -2021-09-20 08:44:27.590 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: he's not a man for country quarters -Output Transcription: he's not a man for country quarters -2021-09-20 08:44:27.590 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:44:27.590 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the greeting of the apostle is refreshing -Output Transcription: the greeting of the apostles refreshing -2021-09-20 08:44:27.591 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.285714 -2021-09-20 08:44:27.591 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: have you been in paris much these late years -Output Transcription: have you been in paris much these late years -2021-09-20 08:44:27.591 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:44:27.592 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: if spoken to she would not speak again -Output Transcription: if spoken to she would not speak again -2021-09-20 08:44:27.592 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:44:27.592 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: he could examine the papers in his own office -Output Transcription: he could examine the papers in his own office -2021-09-20 08:44:27.592 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:44:27.593 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: slang makes one shudder -Output Transcription: slang makes one shudder -2021-09-20 08:44:27.593 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:44:27.594 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: she was so strange and human a creature -Output Transcription: she was so strange and human creature -2021-09-20 08:44:27.594 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.125000 -2021-09-20 08:44:27.595 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: we've tortured each other enough for tonight -Output Transcription: with tortured each other enough for tonight -2021-09-20 08:44:27.595 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.142857 -2021-09-20 08:44:27.596 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: we ate at many men's tables uninvited -Output Transcription: we ate it many men's tables uninvited -2021-09-20 08:44:27.597 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.142857 -2021-09-20 08:44:27.597 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: yes it is suppressed -Output Transcription: yes it is suppressed -2021-09-20 08:44:27.597 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:44:27.597 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: and what through the left hand window -Output Transcription: and what through the left hand window -2021-09-20 08:44:27.598 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:44:27.599 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: thee study medicine -Output Transcription: the study medicine -2021-09-20 08:44:27.599 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.333333 -2021-09-20 08:44:27.599 | INFO | deepspeech2x.model:test:372 - Error rate [wer] (240/?) = 0.096324 -2021-09-20 08:44:29.715 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: miss lake declined the carriage to night -Output Transcription: miss lake declined the carriage tonight -2021-09-20 08:44:29.716 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.285714 -2021-09-20 08:44:29.717 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: but who is this fellow plucking at your sleeve -Output Transcription: but who's this fellow pluck at steve -2021-09-20 08:44:29.718 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.555556 -2021-09-20 08:44:29.718 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: and yet what a fine gallant lad -Output Transcription: and yet what a fine gallant lad -2021-09-20 08:44:29.718 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:44:29.719 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: there was no man sir -Output Transcription: there was no man sir -2021-09-20 08:44:29.719 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:44:29.719 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: but you know more about that than i do sir -Output Transcription: but you know more about that than i do sir -2021-09-20 08:44:29.719 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:44:29.720 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the scene is absolutely arcadian -Output Transcription: the scene is absolutely arcadian -2021-09-20 08:44:29.720 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:44:29.721 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: comb the wool for the whittaws indeed -Output Transcription: come the wool for the widows indeed -2021-09-20 08:44:29.721 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.285714 -2021-09-20 08:44:29.721 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i'm not electioneering just now -Output Transcription: i'm not electioneering just now -2021-09-20 08:44:29.722 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:44:29.722 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: yes hilda i know that he said simply -Output Transcription: yes held i know that he said simply -2021-09-20 08:44:29.723 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.125000 -2021-09-20 08:44:29.723 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: she found the door but it was locked outside -Output Transcription: she found the door but it was locked outside -2021-09-20 08:44:29.724 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:44:29.724 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: sorry we haven't any reception room in the jail -Output Transcription: sorry we haven't any reception room in the jail -2021-09-20 08:44:29.724 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:44:29.724 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: what already here they said to her -Output Transcription: what already here they said to her -2021-09-20 08:44:29.725 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:44:29.725 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: what do you mean inquired louis -Output Transcription: what do you mean inquired louise -2021-09-20 08:44:29.726 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.166667 -2021-09-20 08:44:29.726 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: quite satisfied said eva -Output Transcription: quite satisfied said eva -2021-09-20 08:44:29.726 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:44:29.727 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: now mister soames at your disposal -Output Transcription: now mister sales at your disposal -2021-09-20 08:44:29.728 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.166667 -2021-09-20 08:44:29.728 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: he never loses sight of the purpose of his epistle -Output Transcription: he never loses sight of the purpose of his epistle -2021-09-20 08:44:29.728 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:44:29.728 | INFO | deepspeech2x.model:test:372 - Error rate [wer] (256/?) = 0.097015 -2021-09-20 08:44:31.675 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: no said the tree -Output Transcription: no said the tree -2021-09-20 08:44:31.676 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:44:31.676 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: it was in fact the best weapon of its day -Output Transcription: it was in fact the best weapon of its day -2021-09-20 08:44:31.677 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:44:31.677 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: hello bertie any good in your mind -Output Transcription: elbert and good in your mind -2021-09-20 08:44:31.678 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.428571 -2021-09-20 08:44:31.678 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: for a person to possess knowledge is not enough -Output Transcription: for a person to possess knowledge is not enough -2021-09-20 08:44:31.679 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:44:31.679 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: mohammed also speaks highly of christ -Output Transcription: mohammed also speaks highly of christ -2021-09-20 08:44:31.679 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:44:31.679 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: surely we can submit with good grace -Output Transcription: surely we can submit with good grace -2021-09-20 08:44:31.680 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:44:31.680 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: what in the world is that queried joyce -Output Transcription: where in the world is a query choice -2021-09-20 08:44:31.681 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.500000 -2021-09-20 08:44:31.681 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: by reason and affection -Output Transcription: by reason and affection -2021-09-20 08:44:31.682 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:44:31.682 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: it was almost the tone of hope everybody will stay -Output Transcription: it was almost the tone of hope everybody will stay -2021-09-20 08:44:31.682 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:44:31.682 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: it's almost beyond conjecture -Output Transcription: it's almost beyond conjecture -2021-09-20 08:44:31.683 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:44:31.683 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i asked for commander farragut -Output Transcription: i asked her commander fargo -2021-09-20 08:44:31.684 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.400000 -2021-09-20 08:44:31.684 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: asked the voice in scornful accents -Output Transcription: asked the voice in scornful accents -2021-09-20 08:44:31.684 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:44:31.684 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the history of the house is plain now -Output Transcription: the history of the house is plain now -2021-09-20 08:44:31.685 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:44:31.685 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: above were three students one on each story -Output Transcription: above or three students one on each story -2021-09-20 08:44:31.686 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.125000 -2021-09-20 08:44:31.686 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: she is wild to know how to do things -Output Transcription: she is wild to know how to do things -2021-09-20 08:44:31.687 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:44:31.687 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: he clasped his hands on the desk and said -Output Transcription: he clasped his hands on the desk and said -2021-09-20 08:44:31.687 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:44:31.687 | INFO | deepspeech2x.model:test:372 - Error rate [wer] (272/?) = 0.096348 -2021-09-20 08:44:32.147 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: oh i've no doubt it's in capital order -Output Transcription: oh i've no doubt it's in capital order -2021-09-20 08:44:32.148 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:44:32.148 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the waves rise above our heads -Output Transcription: the waves rise above our heads -2021-09-20 08:44:32.148 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:44:32.149 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: not all the galatians had become perverted -Output Transcription: not all the elections had become perverted -2021-09-20 08:44:32.150 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.142857 -2021-09-20 08:44:32.150 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: miss milner's health is not good -Output Transcription: miss milner's health is not good -2021-09-20 08:44:32.150 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:44:32.151 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: to their sorrow they were soon undeceived -Output Transcription: to their sorrow they were soon and deceived -2021-09-20 08:44:32.152 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.285714 -2021-09-20 08:44:32.152 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: beware of making that mistake -Output Transcription: beware of making that mistake -2021-09-20 08:44:32.152 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:44:32.153 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i wonder if i've been changed in the night -Output Transcription: i wonder i've been changed in the night -2021-09-20 08:44:32.154 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.111111 -2021-09-20 08:44:32.154 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: this decision was communicated to the girls -Output Transcription: this decision was communicated to the girls -2021-09-20 08:44:32.154 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:44:32.155 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: make acquaintance with mister jago sit together -Output Transcription: make acquaintance with miss iago sit together -2021-09-20 08:44:32.156 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.285714 -2021-09-20 08:44:32.156 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: but i mean to have my innings before long -Output Transcription: but i mean to have my innings before long -2021-09-20 08:44:32.156 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:44:32.157 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: it was myself i was defying hilda -Output Transcription: it was myself i was defying helder -2021-09-20 08:44:32.158 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.142857 -2021-09-20 08:44:32.158 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: and then there was broad street -Output Transcription: and then there was broad street -2021-09-20 08:44:32.158 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:44:32.159 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: may we see gates at once asked kenneth -Output Transcription: maybe see gates at once asked kenneth -2021-09-20 08:44:32.159 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.250000 -2021-09-20 08:44:32.160 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: why should one halt on the way -Output Transcription: why should one hold on the way -2021-09-20 08:44:32.161 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.142857 -2021-09-20 08:44:32.161 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: a route slightly less direct that's all -Output Transcription: a rate slightly less direct that's all -2021-09-20 08:44:32.162 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.142857 -2021-09-20 08:44:32.163 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the top floor belongs to miles mc laren -Output Transcription: the top floor belongs to miles mcclaren -2021-09-20 08:44:32.163 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.250000 -2021-09-20 08:44:32.164 | INFO | deepspeech2x.model:test:372 - Error rate [wer] (288/?) = 0.097532 -2021-09-20 08:44:32.660 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: how jolly it was being young hilda -Output Transcription: how jolly it was being young hilda -2021-09-20 08:44:32.661 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:44:32.662 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i think we did she answered demurely -Output Transcription: i think we did she answered to merely -2021-09-20 08:44:32.662 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.285714 -2021-09-20 08:44:32.663 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: no my little son she said -Output Transcription: no my little fun she said -2021-09-20 08:44:32.664 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.166667 -2021-09-20 08:44:32.664 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i was absent rather more than an hour -Output Transcription: i was absent rather more than an hour -2021-09-20 08:44:32.664 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:44:32.664 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: all the furniture belonged to other times -Output Transcription: all the furniture belonged to other times -2021-09-20 08:44:32.665 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:44:32.665 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: we have a commander who's game for anything -Output Transcription: we have a commander whose game for anything -2021-09-20 08:44:32.666 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.125000 -2021-09-20 08:44:32.666 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i never had any family -Output Transcription: i never had any family -2021-09-20 08:44:32.667 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:44:32.667 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: it won't be much but i'm grateful to find a friend -Output Transcription: it won't be much but i'm grateful to find a friend -2021-09-20 08:44:32.667 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:44:32.667 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: why fades the lotus of the water -Output Transcription: why fades the lotus of the water -2021-09-20 08:44:32.668 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:44:32.668 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: he hung fire again a woman's -Output Transcription: he hung fire again a woman's -2021-09-20 08:44:32.668 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:44:32.668 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: she was here just now said the count -Output Transcription: she was here just now said the count -2021-09-20 08:44:32.669 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:44:32.669 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: they of course must all be altered -Output Transcription: they of course must all be author -2021-09-20 08:44:32.670 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.142857 -2021-09-20 08:44:32.671 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the thralls were bringing in a great pot of meat -Output Transcription: the thralls were ringing in a great pot of meat -2021-09-20 08:44:32.672 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.100000 -2021-09-20 08:44:32.673 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: for once in a way i proved a true prophet -Output Transcription: for once a way i proved a true profit -2021-09-20 08:44:32.674 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.200000 -2021-09-20 08:44:32.674 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: have you not met them anywhere -Output Transcription: have you not met them anywhere -2021-09-20 08:44:32.674 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:44:32.674 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: cried the ladies whose departure had been fixed -Output Transcription: cried the ladies whose departure had been fixed -2021-09-20 08:44:32.675 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:44:32.675 | INFO | deepspeech2x.model:test:372 - Error rate [wer] (304/?) = 0.095447 -2021-09-20 08:44:33.214 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: that time it pointed us into your father's ships -Output Transcription: that time it points into your father's ships -2021-09-20 08:44:33.216 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.222222 -2021-09-20 08:44:33.216 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: it will not be safe for you to stay here now -Output Transcription: it will not be safe for you to stay here now -2021-09-20 08:44:33.216 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:44:33.217 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: but his mother hugged him close -Output Transcription: but his mother hugged him close -2021-09-20 08:44:33.217 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:44:33.218 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: if mister soames saw them the game was up -Output Transcription: if mister holmes saw them the game was up -2021-09-20 08:44:33.219 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.111111 -2021-09-20 08:44:33.219 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: and she was very fond of you too aunt rachel -Output Transcription: and she was very fond of you too aunt rachel -2021-09-20 08:44:33.219 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:44:33.220 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i want to be doing something on my own account -Output Transcription: i want to be doing something on my own account -2021-09-20 08:44:33.220 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:44:33.220 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: he had his hand upon lake's shoulder -Output Transcription: he had his hand upon lakes shoulder -2021-09-20 08:44:33.221 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.142857 -2021-09-20 08:44:33.221 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: how came you to leave the key in the door -Output Transcription: how came you to leave the key in the door -2021-09-20 08:44:33.222 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:44:33.223 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: montfichet called out for robin to give him an arm -Output Transcription: montrachet called out for robin to give him an arm -2021-09-20 08:44:33.224 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.100000 -2021-09-20 08:44:33.224 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: ah the swamp the cruel swamp -Output Transcription: ah the swamp the cruel swamp -2021-09-20 08:44:33.224 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:44:33.225 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: there is nothing else that looks so jolly -Output Transcription: there's nothing else that looks so jolly -2021-09-20 08:44:33.226 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.250000 -2021-09-20 08:44:33.226 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: yes why not thought anders -Output Transcription: yes why not thought anders -2021-09-20 08:44:33.226 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:44:33.226 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: and these shall follow your thralls in the same way -Output Transcription: and these shall follow your thralls in the same way -2021-09-20 08:44:33.227 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:44:33.227 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: now what have you to say cynthia sprague -Output Transcription: now what have you to say cynthia bragg -2021-09-20 08:44:33.228 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.125000 -2021-09-20 08:44:33.229 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: a broken tip of lead was lying there also -Output Transcription: a broken tip of lead was lying there also -2021-09-20 08:44:33.229 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:44:33.229 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: she's going to put the ironing things away -Output Transcription: she's going to put the ironing things away -2021-09-20 08:44:33.229 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:44:33.230 | INFO | deepspeech2x.model:test:372 - Error rate [wer] (320/?) = 0.092905 -2021-09-20 08:44:33.753 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: so i set guards over every one in that house -Output Transcription: do i set guards over everyone in that house -2021-09-20 08:44:33.755 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.300000 -2021-09-20 08:44:33.756 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: what i say is altogether on your own account -Output Transcription: what i say is altogether on your own account -2021-09-20 08:44:33.756 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:44:33.757 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i never knew your equals for gallowsness -Output Transcription: i never knew your equals for gallows ness -2021-09-20 08:44:33.757 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.285714 -2021-09-20 08:44:33.758 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: mister popham laid down his brush -Output Transcription: mister popham laid down his brush -2021-09-20 08:44:33.758 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:44:33.759 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: lady larkspur starts suddenly and turns towards him -Output Transcription: lady large burster suddenly in transport him -2021-09-20 08:44:33.759 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.625000 -2021-09-20 08:44:33.760 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: was it not enough to say from god the father -Output Transcription: was it not enough to say from god the father -2021-09-20 08:44:33.760 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:44:33.760 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: is it better than anywhere else -Output Transcription: is it better than anywhere else -2021-09-20 08:44:33.760 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:44:33.761 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: she sent me the pages in question before she died -Output Transcription: she sent me the pages in question before she died -2021-09-20 08:44:33.761 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:44:33.761 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: ye may not see his worship now -Output Transcription: ye may not see his worship now -2021-09-20 08:44:33.761 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:44:33.762 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: he had broken into her courtyard -Output Transcription: he had broken into her courtyard -2021-09-20 08:44:33.762 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:44:33.762 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: to the best of my belief they were rolled up -Output Transcription: to the best of my belief they were rolled up -2021-09-20 08:44:33.762 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:44:33.762 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: look at that he held out his hand -Output Transcription: look at that he held out his hand -2021-09-20 08:44:33.763 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:44:33.763 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: he dropped a handful into her lap -Output Transcription: he dropped a handful into her lap -2021-09-20 08:44:33.763 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:44:33.764 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i shall call you esprit -Output Transcription: i shall call you a spree -2021-09-20 08:44:33.765 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.400000 -2021-09-20 08:44:33.766 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: then is the time to introduce a meal on the stage -Output Transcription: then is the time to introduce a melon the stage -2021-09-20 08:44:33.767 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.181818 -2021-09-20 08:44:33.768 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i've been ready to go anywhere for six months -Output Transcription: i'm ready to go anywhere for six months -2021-09-20 08:44:33.768 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.222222 -2021-09-20 08:44:33.769 | INFO | deepspeech2x.model:test:372 - Error rate [wer] (336/?) = 0.094828 -2021-09-20 08:44:34.386 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: she was tired of other things -Output Transcription: she was tired of other things -2021-09-20 08:44:34.387 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:44:34.387 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: in the meantime i had formed a new idea of her -Output Transcription: in the meantime i had formed a new idea of her -2021-09-20 08:44:34.388 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:44:34.388 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i never see lou's scythe over here -Output Transcription: i never see loose sighed over here -2021-09-20 08:44:34.389 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.285714 -2021-09-20 08:44:34.389 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: how may we obtain remission of our sins -Output Transcription: how may we obtain remission of our sins -2021-09-20 08:44:34.390 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:44:34.391 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i'm afraid i don't know much about the land of oz -Output Transcription: i'm afraid i don't know much about the land of us -2021-09-20 08:44:34.392 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.090909 -2021-09-20 08:44:34.392 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: alexander went over and opened the window for her -Output Transcription: alexander went over and opened the window for her -2021-09-20 08:44:34.393 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:44:34.393 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: you will take me on board count will you not -Output Transcription: you will take me on board count will you not -2021-09-20 08:44:34.393 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:44:34.393 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: may you drink heart's ease from it for many years -Output Transcription: may you drink heart's ease from it for many years -2021-09-20 08:44:34.394 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:44:34.394 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: now the object of this soliloquy is plain -Output Transcription: now the object of this soliloquy is plain -2021-09-20 08:44:34.394 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:44:34.394 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: o life of this our spring -Output Transcription: o life of this our spring -2021-09-20 08:44:34.395 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:44:34.395 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: gloves said the young man -Output Transcription: gloves said the young man -2021-09-20 08:44:34.395 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:44:34.396 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: some others too big cotton county -Output Transcription: some others too big cotton county -2021-09-20 08:44:34.396 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:44:34.396 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: each of us is lashed to some part of the raft -Output Transcription: each of us is lashed to some part of the raft -2021-09-20 08:44:34.396 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:44:34.397 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: now she put her hand on his arm and smiled and said -Output Transcription: now she put her hand on his arm and smiled and said -2021-09-20 08:44:34.397 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:44:34.397 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: but i shall tell only one story -Output Transcription: but i shall tell only one story -2021-09-20 08:44:34.397 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:44:34.399 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: he's been wanting to marry hilda these three years and more -Output Transcription: he's been wanted to marry held of his three years and more -2021-09-20 08:44:34.400 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.363636 -2021-09-20 08:44:34.400 | INFO | deepspeech2x.model:test:372 - Error rate [wer] (352/?) = 0.092093 -2021-09-20 08:44:34.921 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: he took her roughly in his arms do you know what i mean -Output Transcription: he took a roughly in his arms you know what i mean -2021-09-20 08:44:34.923 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.153846 -2021-09-20 08:44:34.925 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: and god the father who raised him from the dead -Output Transcription: in god the father who raised him from the dead -2021-09-20 08:44:34.926 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.100000 -2021-09-20 08:44:34.926 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: beth uneasy at his silence nudged him -Output Transcription: beth uneasy at his silence nudged him -2021-09-20 08:44:34.926 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:44:34.927 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: sir march sixteenth -Output Transcription: sir march sixteenth -2021-09-20 08:44:34.927 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:44:34.928 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: who began the quarrel was it the mormons -Output Transcription: who began the quarrel was of the mormons -2021-09-20 08:44:34.928 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.125000 -2021-09-20 08:44:34.929 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: thus in chaucer's dream -Output Transcription: thus in chaucer's dream -2021-09-20 08:44:34.929 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:44:34.929 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: silence you knave cried montfichet -Output Transcription: silence you knave cried mountfitchet -2021-09-20 08:44:34.930 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.200000 -2021-09-20 08:44:34.930 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: it is the language of wretchedness -Output Transcription: it is the language of wretchedness -2021-09-20 08:44:34.930 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:44:34.931 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i remember saying have we been together -Output Transcription: i remembered saying have we been together -2021-09-20 08:44:34.932 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.142857 -2021-09-20 08:44:34.932 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: george montfichet will never forget this day -Output Transcription: george mountfitchet will never forget this day -2021-09-20 08:44:34.933 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.142857 -2021-09-20 08:44:34.934 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: captain servadac hastened towards him -Output Transcription: captain serva ac hastened toward him -2021-09-20 08:44:34.934 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.600000 -2021-09-20 08:44:34.934 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: but then the picture was gone as quickly as it came -Output Transcription: but then the picture was gone as quickly as it came -2021-09-20 08:44:34.935 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:44:34.935 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: meter roughly one yard three inches -Output Transcription: meter roughly one yard three inches -2021-09-20 08:44:34.935 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:44:34.936 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: they are all sketches made about the villa d'este you see -Output Transcription: they are all sketches made about the villages i you see -2021-09-20 08:44:34.938 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.181818 -2021-09-20 08:44:34.938 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: in those very terms i even added more -Output Transcription: in those very terms i even had it more -2021-09-20 08:44:34.939 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.250000 -2021-09-20 08:44:34.940 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: we'll deal with them later what -Output Transcription: we'll deal with them later what -2021-09-20 08:44:34.940 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:44:34.940 | INFO | deepspeech2x.model:test:372 - Error rate [wer] (368/?) = 0.093470 -2021-09-20 08:44:35.420 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: you have been so ill my poor rachel -Output Transcription: you have been so ill my poor rachel -2021-09-20 08:44:35.421 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:44:35.422 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: enter hamlet with his favourite boar hound -Output Transcription: enter hamlet with his favorite forehand -2021-09-20 08:44:35.423 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.428571 -2021-09-20 08:44:35.423 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: no one less than that would have a chance -Output Transcription: no one less than that would have a chance -2021-09-20 08:44:35.423 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:44:35.423 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the world was water veiled in mists -Output Transcription: the world was water veiled in mists -2021-09-20 08:44:35.424 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:44:35.424 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: at noon the violence of the storm redoubles -Output Transcription: at noon the violence of the storm redouble -2021-09-20 08:44:35.425 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.125000 -2021-09-20 08:44:35.425 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: they were so extremely curious -Output Transcription: they were so extremely curious -2021-09-20 08:44:35.426 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:44:35.426 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: he quitted the fire and dropped back into his chair -Output Transcription: he quitted the fire and dropped back into his chair -2021-09-20 08:44:35.426 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:44:35.426 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i thank him and take my leave -Output Transcription: i thank him and take my leave -2021-09-20 08:44:35.427 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:44:35.427 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: nothing more than you know yourself -Output Transcription: nothing more than you know yourself -2021-09-20 08:44:35.427 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:44:35.428 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: when i approached your room i examined the window -Output Transcription: when i approached your room i examine the window -2021-09-20 08:44:35.429 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.111111 -2021-09-20 08:44:35.429 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: perhaps i am mistaken answered she -Output Transcription: perhaps i am mistaken answered she -2021-09-20 08:44:35.429 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:44:35.430 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: it seems the king will not consent to it -Output Transcription: it seems the king will not consent to it -2021-09-20 08:44:35.430 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:44:35.430 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: these means cannot be contaminated -Output Transcription: these means cannot be contaminated -2021-09-20 08:44:35.430 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:44:35.431 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: a golden fortune and a happy life -Output Transcription: a golden fortune and a happy life -2021-09-20 08:44:35.431 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:44:35.431 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: please wait for me marie emil coaxed -Output Transcription: please wait for me marie amiel coax -2021-09-20 08:44:35.432 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.285714 -2021-09-20 08:44:35.432 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: it is unintelligible in the dark -Output Transcription: it is unintelligible in the dark -2021-09-20 08:44:35.433 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:44:35.433 | INFO | deepspeech2x.model:test:372 - Error rate [wer] (384/?) = 0.091907 -2021-09-20 08:44:35.961 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: truly this sea is of infinite width -Output Transcription: truly the sea is of infinite with -2021-09-20 08:44:35.962 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.285714 -2021-09-20 08:44:35.963 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: thank you but i don't like it so well as this -Output Transcription: thank you but i don't like it so well as this -2021-09-20 08:44:35.963 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:44:35.963 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: he pulled up a window as if the air were heavy -Output Transcription: he pulled up a window as if the air were heavy -2021-09-20 08:44:35.963 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:44:35.964 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i want to get away from it all swoons -Output Transcription: i want to get away from it all swoon -2021-09-20 08:44:35.965 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.111111 -2021-09-20 08:44:35.966 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: why are we to be denied each other's society -Output Transcription: why are we to be denied each other's society -2021-09-20 08:44:35.966 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:44:35.966 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: he moved uneasily and his chair creaked -Output Transcription: he moved uneasily in his chair creaked -2021-09-20 08:44:35.967 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.142857 -2021-09-20 08:44:35.967 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: another circumstance was most remarkable -Output Transcription: another circumstance was most remarkable -2021-09-20 08:44:35.968 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:44:35.968 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: she had another weight on her mind this christmas -Output Transcription: she had another weight on her mind this christmas -2021-09-20 08:44:35.968 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:44:35.968 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: is there not a meridian everywhere -Output Transcription: is there not a meridian everywhere -2021-09-20 08:44:35.969 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:44:35.969 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: that is true badauderie -Output Transcription: that is true bad diedre -2021-09-20 08:44:35.969 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.500000 -2021-09-20 08:44:35.971 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: and the death of which i dreamt could not alas -Output Transcription: and the death of which i drank could not alas -2021-09-20 08:44:35.972 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.100000 -2021-09-20 08:44:35.972 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: oh sir don't mention it said missus poyser -Output Transcription: sir don't mention it said miss poyser -2021-09-20 08:44:35.973 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.250000 -2021-09-20 08:44:35.973 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: it must remember be one or the other -Output Transcription: it must remember be one or the other -2021-09-20 08:44:35.973 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:44:35.974 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the world brands this a pernicious doctrine -Output Transcription: the world brands this pernicious doctrine -2021-09-20 08:44:35.975 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.142857 -2021-09-20 08:44:35.975 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: and henry might return to england at any moment -Output Transcription: and henry might return to england at any moment -2021-09-20 08:44:35.975 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:44:35.975 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: but anders cared nothing about that -Output Transcription: but anders cared nothing about that -2021-09-20 08:44:35.976 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:44:35.976 | INFO | deepspeech2x.model:test:372 - Error rate [wer] (400/?) = 0.091296 -2021-09-20 08:44:36.540 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: of starting i didn't know the way to come -Output Transcription: of starting i didn't know the way to come -2021-09-20 08:44:36.541 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:44:36.541 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: goliath makes another discovery -Output Transcription: goliath makes another discovery -2021-09-20 08:44:36.542 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:44:36.543 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: come come i am getting really tired of your absence -Output Transcription: come come i'm getting really tired of your absence -2021-09-20 08:44:36.544 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.200000 -2021-09-20 08:44:36.545 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: you'll never dig it out of the astor library -Output Transcription: you'll never dig it out of the master library -2021-09-20 08:44:36.545 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.111111 -2021-09-20 08:44:36.546 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: now that too is over -Output Transcription: now that too is over -2021-09-20 08:44:36.546 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:44:36.546 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: might learn something useful down there -Output Transcription: might learn something useful down there -2021-09-20 08:44:36.546 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:44:36.547 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i can perceive love clearly enough -Output Transcription: i can perceive love clearly enough -2021-09-20 08:44:36.547 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:44:36.548 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: there's a whale a whale cried the professor -Output Transcription: there is a whale a well cried the professor -2021-09-20 08:44:36.548 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.375000 -2021-09-20 08:44:36.549 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the roarings become lost in the distance -Output Transcription: the rings become lost in the distance -2021-09-20 08:44:36.550 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.142857 -2021-09-20 08:44:36.550 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: mother i'm going to study medicine -Output Transcription: mother i am going to study medicine -2021-09-20 08:44:36.551 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.333333 -2021-09-20 08:44:36.552 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: dismiss your squire robin and bid me good e e n -Output Transcription: dismiss your squire robin and bid me could even -2021-09-20 08:44:36.553 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.363636 -2021-09-20 08:44:36.554 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: surely you are not thinking of going off there -Output Transcription: surely you are not thinking of going on there -2021-09-20 08:44:36.555 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.111111 -2021-09-20 08:44:36.555 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: how it will shine this evening -Output Transcription: how it will shine this evening -2021-09-20 08:44:36.556 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:44:36.556 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: when do you intend that the john bright shall start -Output Transcription: when do you intend that the john bright shall start -2021-09-20 08:44:36.556 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:44:36.557 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i understand bartley i was wrong -Output Transcription: i understand partly i was wrong -2021-09-20 08:44:36.557 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.166667 -2021-09-20 08:44:36.557 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: it would serve you all right if she walked off with carl -Output Transcription: it would serve you all right if she walked off with carl -2021-09-20 08:44:36.558 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:44:36.558 | INFO | deepspeech2x.model:test:372 - Error rate [wer] (416/?) = 0.092654 -2021-09-20 08:44:39.619 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: tuesday august eighteenth -Output Transcription: tuesday august eighteen -2021-09-20 08:44:39.632 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.333333 -2021-09-20 08:44:39.633 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: oh i know that's lorne brandon -Output Transcription: oh i know that's born brandon -2021-09-20 08:44:39.634 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.166667 -2021-09-20 08:44:39.634 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: whose name did you sign to the check asked kenneth -Output Transcription: whose name did you sign to the check asked kenneth -2021-09-20 08:44:39.634 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:44:39.635 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the horizon seems extremely distant -Output Transcription: the horizon seems extremely distant -2021-09-20 08:44:39.635 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:44:39.635 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: that will be a queer thing to be sure -Output Transcription: that will be a queer thing to be sure -2021-09-20 08:44:39.635 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:44:39.636 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: are you certain that this is the mediterranean -Output Transcription: are you certain that this is the mediterranean -2021-09-20 08:44:39.636 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:44:39.636 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: here they said is a rascal who has been harrying our coasts -Output Transcription: here they said is a rascal who has been harrying our coasts -2021-09-20 08:44:39.636 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:44:39.636 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: thank you he returned shortly -Output Transcription: thank you he returned shortly -2021-09-20 08:44:39.637 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:44:39.637 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: my men laughed yes a stingy host -Output Transcription: by men laughed yes a stingy host -2021-09-20 08:44:39.638 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.142857 -2021-09-20 08:44:39.638 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: we sunk his ship and men but him we brought to you -Output Transcription: we sunk his ship and men but him we brought to you -2021-09-20 08:44:39.638 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:44:39.639 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i can't see it in that light said the old lawyer -Output Transcription: i can't see it in that light said the old lawyer -2021-09-20 08:44:39.639 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:44:39.639 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: my overwrought nerves yielded at last -Output Transcription: my overwrought nerves yielded at last -2021-09-20 08:44:39.639 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:44:39.640 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: keep away if you wish when have i ever followed you -Output Transcription: keep away if you wish when have i ever followed you -2021-09-20 08:44:39.640 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:44:39.640 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: he had got into her courtyard -Output Transcription: he had got into her courtyard -2021-09-20 08:44:39.640 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:44:39.641 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: why fade these children of the spring -Output Transcription: why fate these children of the spring -2021-09-20 08:44:39.642 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.142857 -2021-09-20 08:44:39.642 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i really don't think he knew much about it mister holmes -Output Transcription: i really don't think he knew much about it mister holmes -2021-09-20 08:44:39.642 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:44:39.642 | INFO | deepspeech2x.model:test:372 - Error rate [wer] (432/?) = 0.089852 -2021-09-20 08:44:40.818 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: isn't he the greatest for getting into odd corners -Output Transcription: is he the greatest for getting into odd corners -2021-09-20 08:44:40.831 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.111111 -2021-09-20 08:44:40.831 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: thinking of all this i went to sleep -Output Transcription: thinking of all this i went to sleep -2021-09-20 08:44:40.832 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:44:40.832 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: again again -Output Transcription: again again -2021-09-20 08:44:40.832 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:44:40.833 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: better go he had counselled sententiously -Output Transcription: better go he had counsel sententious ly -2021-09-20 08:44:40.833 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.500000 -2021-09-20 08:44:40.834 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the hope and dream of harvest was upon the land -Output Transcription: the hope and dream of harvest was upon the land -2021-09-20 08:44:40.834 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:44:40.834 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: come therefore and let us fling mud at them -Output Transcription: come therefore and let us fling mud at them -2021-09-20 08:44:40.834 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:44:40.835 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: those fellows are all very loyal even mainhall -Output Transcription: those fellows are all very loyal even main hall -2021-09-20 08:44:40.836 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.250000 -2021-09-20 08:44:40.836 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: hedge a fence -Output Transcription: hedge offense -2021-09-20 08:44:40.837 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.666667 -2021-09-20 08:44:40.837 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: he gazed about perplexed astonished -Output Transcription: he gazed about blacks astonished -2021-09-20 08:44:40.837 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.200000 -2021-09-20 08:44:40.838 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: their masters said missus neverbend -Output Transcription: their masters said missus never bend -2021-09-20 08:44:40.838 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.400000 -2021-09-20 08:44:40.839 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: and yesterday things went on just as usual -Output Transcription: and yesterday things went on just as usual -2021-09-20 08:44:40.839 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:44:40.839 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: we used to dispute about politics and religion -Output Transcription: we used to dispute about politics and religion -2021-09-20 08:44:40.839 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:44:40.840 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the flame is the enemy of the wing -Output Transcription: the flame is the enemy of the wing -2021-09-20 08:44:40.840 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:44:40.840 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i shall never get to twenty at that rate -Output Transcription: i shall never get to twenty at that rate -2021-09-20 08:44:40.840 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:44:40.842 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: come we'll have our coffee in the other room and you can smoke -Output Transcription: come we'll have her coffee the other room as you can smoke -2021-09-20 08:44:40.843 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.230769 -2021-09-20 08:44:40.844 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: alexander unclenched the two hands at his sides -Output Transcription: alexander clenched the two hands at his sides -2021-09-20 08:44:40.858 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.125000 -2021-09-20 08:44:40.858 | INFO | deepspeech2x.model:test:372 - Error rate [wer] (448/?) = 0.091309 -2021-09-20 08:44:42.373 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: said missus horton a few minutes after -Output Transcription: said miss wharton a few minutes after -2021-09-20 08:44:42.375 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.285714 -2021-09-20 08:44:42.375 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: yes my dear watson i have solved the mystery -Output Transcription: yes my dear watson i have solved the mystery -2021-09-20 08:44:42.375 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:44:42.376 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: tea please matthews butler impassively -Output Transcription: t please matthews butler impassively -2021-09-20 08:44:42.376 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.200000 -2021-09-20 08:44:42.377 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: he's another who's awfully keen about her let me introduce you -Output Transcription: he's another was awfully keen about her let me introduce you -2021-09-20 08:44:42.379 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.090909 -2021-09-20 08:44:42.379 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: beg me a room of the sheriff child quickly -Output Transcription: bag mea room of the sheriff child quickly -2021-09-20 08:44:42.380 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.333333 -2021-09-20 08:44:42.381 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: yet he will teach you a few tricks when morning is come -Output Transcription: yet he will teach you a few tricks when morning is come -2021-09-20 08:44:42.381 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:44:42.381 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: enquired robin with his suspicions still upon him -Output Transcription: inquired robin with his suspicions still upon him -2021-09-20 08:44:42.382 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.125000 -2021-09-20 08:44:42.383 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: we wish to talk with him answered kenneth talk -Output Transcription: we wish to talk with him answered kenneth talk -2021-09-20 08:44:42.383 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:44:42.383 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: but what is the delicate mission i asked -Output Transcription: but what is the delicate mission i asked -2021-09-20 08:44:42.383 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:44:42.383 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: we moderns however see the absurdity of it -Output Transcription: we moderns however see the absurdity of it -2021-09-20 08:44:42.384 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:44:42.384 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: a voice from beyond the world was calling -Output Transcription: a voice from beyond the world was calling -2021-09-20 08:44:42.384 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:44:42.385 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: who taught you to scrub a floor i should like to know -Output Transcription: who taught you describe a floor i should like to know -2021-09-20 08:44:42.387 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.166667 -2021-09-20 08:44:42.387 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: oh yes said jack and i'm nowhere -Output Transcription: oh yes said jack and i'm nowhere -2021-09-20 08:44:42.387 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:44:42.387 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: it truly is asserted the magician -Output Transcription: it truly is asserted the magician -2021-09-20 08:44:42.388 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:44:42.389 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i don't know all of them but i know lindens are -Output Transcription: i don't know all of them but i know the entire -2021-09-20 08:44:42.390 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.181818 -2021-09-20 08:44:42.391 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i shouldn't wonder if she could laugh about it with me now -Output Transcription: i shouldn't wonder if she could laugh about it with you now -2021-09-20 08:44:42.393 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.083333 -2021-09-20 08:44:42.393 | INFO | deepspeech2x.model:test:372 - Error rate [wer] (464/?) = 0.091320 -2021-09-20 08:44:42.935 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: hypocrite a horse dealer -Output Transcription: hypocrite a horse dealer -2021-09-20 08:44:42.936 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:44:42.936 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: yes but that's just the beauty of her passion -Output Transcription: yes but that's just the beauty of her passion -2021-09-20 08:44:42.937 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:44:42.937 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the orchard was sparkling and rippling in the sun -Output Transcription: the orchard was sparkling and rippling in the sun -2021-09-20 08:44:42.937 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:44:42.937 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: you will take them from my private treasure -Output Transcription: you will take them from my private treasure -2021-09-20 08:44:42.938 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:44:42.938 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: thus idleness is the mother -Output Transcription: thus idleness is the mother -2021-09-20 08:44:42.938 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:44:42.938 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: its curtains were of thick and faded tapestry -Output Transcription: its curtains were of thick and faded tapestry -2021-09-20 08:44:42.939 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:44:42.939 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: brother mac ardle brother keogh -Output Transcription: brother mccardle brother key of -2021-09-20 08:44:42.939 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.800000 -2021-09-20 08:44:42.940 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: then he looked down the lagoon was dry -Output Transcription: then he looked down the lagoon was dry -2021-09-20 08:44:42.940 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:44:42.940 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i am convinced of what i say said the count -Output Transcription: i am convinced of what i say said the count -2021-09-20 08:44:42.941 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:44:42.941 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: and what sort of evidence is logically possible -Output Transcription: and what sort of evidence is logically possible -2021-09-20 08:44:42.941 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:44:42.941 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i now use them as ornamental statuary in my garden -Output Transcription: i now use them as ornamental statuary in my garden -2021-09-20 08:44:42.941 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:44:42.942 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: they were certainly no nearer the solution of their problem -Output Transcription: they were certainly known near the solution of their problem -2021-09-20 08:44:42.944 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.200000 -2021-09-20 08:44:42.945 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: there is a more or less elaborate system of rank and grades -Output Transcription: there is a more or less elaborate system of ranking grates -2021-09-20 08:44:42.946 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.250000 -2021-09-20 08:44:42.947 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the years of the days of her dying were ten -Output Transcription: the years of the days of her dying were ten -2021-09-20 08:44:42.947 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:44:42.948 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: a robber viking said the king and scowled at me -Output Transcription: a robber viking said the king and he scowled at me -2021-09-20 08:44:42.949 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.100000 -2021-09-20 08:44:42.949 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: it has cost me twice sixty dollars in annoyance -Output Transcription: it has cost me twice sixty dollars in annoyance -2021-09-20 08:44:42.950 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:44:42.950 | INFO | deepspeech2x.model:test:372 - Error rate [wer] (480/?) = 0.090600 -2021-09-20 08:44:43.495 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: a terrible thought flashed into my mind -Output Transcription: a terrible thought flashed into my mind -2021-09-20 08:44:43.496 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:44:43.497 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the crampness and the poverty are all intended -Output Transcription: the greatness in the poverty are all intended -2021-09-20 08:44:43.498 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.250000 -2021-09-20 08:44:43.498 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: two hours afterwards a terrible shock awoke me -Output Transcription: two hours afterwards a terrible shock awoke me -2021-09-20 08:44:43.499 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:44:43.499 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: do you think so she replied with indifference -Output Transcription: do you think so she replied with indifference -2021-09-20 08:44:43.499 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:44:43.499 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: a further stage is recognition -Output Transcription: a further stage is recognition -2021-09-20 08:44:43.500 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:44:43.501 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i often heard her talk of you in the same sort of way -Output Transcription: i often heard her talk of you and the same sort of way -2021-09-20 08:44:43.503 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.076923 -2021-09-20 08:44:43.504 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: save me masters but you startled me rarely -Output Transcription: save me masters put you startled me rarely -2021-09-20 08:44:43.504 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.125000 -2021-09-20 08:44:43.505 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the raft bears on still to the south east -Output Transcription: the raft bears on still to the southeast -2021-09-20 08:44:43.506 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.222222 -2021-09-20 08:44:43.506 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: but i didn't know you've only to tell me now -Output Transcription: but i didn't know you've only to tell me now -2021-09-20 08:44:43.507 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:44:43.507 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: thirty men one after another raised their horns and said -Output Transcription: thirty men one after another raised their horns and said -2021-09-20 08:44:43.507 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:44:43.508 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the pity that we must come and go -Output Transcription: the pity that we must come and go -2021-09-20 08:44:43.508 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:44:43.508 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: a great saint saint francis xavier -Output Transcription: a great saint saint francis xavier -2021-09-20 08:44:43.508 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:44:43.509 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: gram roughly one twenty eighth of an ounce -Output Transcription: graham roughly one twenty eighth of an ounce -2021-09-20 08:44:43.510 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.125000 -2021-09-20 08:44:43.511 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: with one jump anders got out of his chair -Output Transcription: with one jump enders got out of his chair -2021-09-20 08:44:43.512 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.111111 -2021-09-20 08:44:43.512 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: where thee and thy family are known -Output Transcription: where thee and thy family are now -2021-09-20 08:44:43.513 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.142857 -2021-09-20 08:44:43.513 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: oh that made him so angry -Output Transcription: oh that made him so angry -2021-09-20 08:44:43.513 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:44:43.514 | INFO | deepspeech2x.model:test:372 - Error rate [wer] (496/?) = 0.089774 -2021-09-20 08:44:44.064 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: said she pointing to the playthings see -Output Transcription: said she pointing to the playthings see -2021-09-20 08:44:44.065 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:44:44.065 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: he was pacing swiftly up and down his room -Output Transcription: he was pacing swiftly up and down his room -2021-09-20 08:44:44.065 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:44:44.066 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: even dialect let that pass -Output Transcription: even dialect let that pass -2021-09-20 08:44:44.066 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:44:44.066 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: yet that task was not so easy as you may suppose -Output Transcription: yet that task was not so easy as you may suppose -2021-09-20 08:44:44.066 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:44:44.067 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: marie's face fell under his brooding gaze -Output Transcription: mary's face fell under his brooding gaze -2021-09-20 08:44:44.068 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.142857 -2021-09-20 08:44:44.068 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the clause seems superfluous on first sight -Output Transcription: the class seems superfluous on first sight -2021-09-20 08:44:44.069 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.142857 -2021-09-20 08:44:44.069 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: you are mate replied the sailor -Output Transcription: you are mate replied the sailor -2021-09-20 08:44:44.070 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:44:44.070 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: stuff it into you his belly counselled him -Output Transcription: stuffed into you his belly counseled him -2021-09-20 08:44:44.071 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.375000 -2021-09-20 08:44:44.072 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: anyhow it's jolly exciting and i can do the dialogue all right -Output Transcription: anyhow it jolly exciting and i can do the dialogue all right -2021-09-20 08:44:44.074 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.083333 -2021-09-20 08:44:44.075 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: mornin girls hope ye feel as well as ye look -Output Transcription: morning girls or evil as well as look -2021-09-20 08:44:44.075 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.500000 -2021-09-20 08:44:44.076 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: but why didn't you tell me when you were here in the summer -Output Transcription: but why didn't you tell me when you were here in the summer -2021-09-20 08:44:44.076 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:44:44.076 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: in despair he hurled himself downward too soon -Output Transcription: in despair he hurled himself downward too soon -2021-09-20 08:44:44.076 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:44:44.077 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the bogus legislature numbered thirty six members -Output Transcription: the bogus legislature numbered thirty six members -2021-09-20 08:44:44.077 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:44:44.078 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: he is supposed to sign all the checks of the concern -Output Transcription: he is supposed to sign all the checks of the concert -2021-09-20 08:44:44.079 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.090909 -2021-09-20 08:44:44.080 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i am afraid there are no signs here said he -Output Transcription: i am afraid there are no signs here said he -2021-09-20 08:44:44.080 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:44:44.080 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: some time you'll tell me please won't you -Output Transcription: sadam you dear me please won't you -2021-09-20 08:44:44.081 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.500000 -2021-09-20 08:44:44.081 | INFO | deepspeech2x.model:test:372 - Error rate [wer] (512/?) = 0.090779 -2021-09-20 08:44:44.649 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: if she could only see phronsie for just one moment -Output Transcription: if she could only see phones ie for just one moment -2021-09-20 08:44:44.650 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.200000 -2021-09-20 08:44:44.651 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: lamb wouldn't care a great deal about many of them i fancy -Output Transcription: lamb wouldn't care a great deal about many of them i fancy -2021-09-20 08:44:44.651 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:44:44.651 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: no sound broke the stillness of the night -Output Transcription: no sound broke the stillness of the night -2021-09-20 08:44:44.652 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:44:44.652 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: did master summon me he said entering -Output Transcription: dead master summon me he said entering -2021-09-20 08:44:44.653 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.142857 -2021-09-20 08:44:44.653 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: you do me a great honour -Output Transcription: you do me a great honour -2021-09-20 08:44:44.654 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:44:44.654 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: it's really too warm in this room to sing don't you feel it -Output Transcription: it's really too warm in this room to sing don't you feel it -2021-09-20 08:44:44.654 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:44:44.655 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: for a long time neither hilda nor bartley spoke -Output Transcription: for a long time neither hide nor bartley spoke -2021-09-20 08:44:44.656 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.111111 -2021-09-20 08:44:44.657 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: they couldn't run nor move they're just pasteboard -Output Transcription: they couldn't run or move they're just pace board -2021-09-20 08:44:44.658 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.375000 -2021-09-20 08:44:44.659 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: your father thought a moment then looked at your mother and smiled -Output Transcription: your father thought a moment and looked at her mother and smiled -2021-09-20 08:44:44.660 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.166667 -2021-09-20 08:44:44.661 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: bracton's a very good fellow i can assure you -Output Transcription: protons a very good fellow i can assure you -2021-09-20 08:44:44.662 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.111111 -2021-09-20 08:44:44.663 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i tell him to give me some coffee if it is good -Output Transcription: i don't give me some coffee if it is good -2021-09-20 08:44:44.664 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.250000 -2021-09-20 08:44:44.666 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: here friend take it and he thrust it into the farmer's hand -Output Transcription: her friend take it and thrust into the farmer's hand -2021-09-20 08:44:44.667 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.250000 -2021-09-20 08:44:44.667 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: onward said a distant voice -Output Transcription: onwer set a distant voice -2021-09-20 08:44:44.668 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.400000 -2021-09-20 08:44:44.668 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the princess inquired no -Output Transcription: the princess inquired no -2021-09-20 08:44:44.668 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:44:44.669 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: a house smells of smoke a ship smells of frolic -Output Transcription: a house smells of smoke a ship smells of frolic -2021-09-20 08:44:44.669 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:44:44.669 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: you will be frank with me i always am -Output Transcription: you will be frank with me i always am -2021-09-20 08:44:44.669 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:44:44.670 | INFO | deepspeech2x.model:test:372 - Error rate [wer] (528/?) = 0.092080 -2021-09-20 08:44:45.238 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: how you may be wondering are you to begin your masterpiece -Output Transcription: how you may be wondering are you to begin your masterpiece -2021-09-20 08:44:45.239 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:44:45.239 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: come come i called when no one obeyed a fire -Output Transcription: come come i called when no one obeyed a fire -2021-09-20 08:44:45.239 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:44:45.241 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: you can begin by carrying a rod and putting down the figures -Output Transcription: you can begin by carrying a rod and bring down the figures -2021-09-20 08:44:45.242 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.083333 -2021-09-20 08:44:45.242 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: how kind man is after all -Output Transcription: how kind man is after all -2021-09-20 08:44:45.243 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:44:45.243 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: as usual nothing was done in the way of punishment -Output Transcription: as usual nothing was done in the way of punishment -2021-09-20 08:44:45.243 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:44:45.244 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: a great saint saint francis xavier -Output Transcription: a great saint saint francis savior -2021-09-20 08:44:45.244 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.166667 -2021-09-20 08:44:45.245 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: one could hardly hope for any upon so dry a day -Output Transcription: one could hardly hope for any upon so dry day -2021-09-20 08:44:45.246 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.090909 -2021-09-20 08:44:45.247 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: they remain divine regardless of men's opinion -Output Transcription: they remained divine regardless of man's opinion -2021-09-20 08:44:45.248 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.285714 -2021-09-20 08:44:45.248 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: in truth she seemed absolutely hidden behind it -Output Transcription: in truth she seemed absolutely hidden behind it -2021-09-20 08:44:45.248 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:44:45.249 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i think so you have formed a conclusion -Output Transcription: i think so you have formed a conclusion -2021-09-20 08:44:45.249 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:44:45.249 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: larkspur bit me again this morning for the third time -Output Transcription: larkspur bit me again this morning for the third time -2021-09-20 08:44:45.249 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:44:45.251 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: aren't you splashed look at the spider webs all over the grass -Output Transcription: artist splashed look at a spider webs all over the grass -2021-09-20 08:44:45.252 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.250000 -2021-09-20 08:44:45.252 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: at dinner lake was easy and amusing -Output Transcription: at dinner lake was easy and amusing -2021-09-20 08:44:45.252 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:44:45.253 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: it is a very stupid story -Output Transcription: it is a very stupid story -2021-09-20 08:44:45.253 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:44:45.254 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: does thee think thee could stand it six months -Output Transcription: does the think they could stand it six months -2021-09-20 08:44:45.255 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.222222 -2021-09-20 08:44:45.256 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: yes sire and ready dressed for the ballet -Output Transcription: yes sir and ready dressed for the ballet -2021-09-20 08:44:45.256 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.125000 -2021-09-20 08:44:45.257 | INFO | deepspeech2x.model:test:372 - Error rate [wer] (544/?) = 0.091557 -2021-09-20 08:44:45.867 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: no sir certainly not -Output Transcription: no sir certainly not -2021-09-20 08:44:45.868 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:44:45.869 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: but the essence of luther's lectures is there -Output Transcription: but the essence of luther's lectures is there -2021-09-20 08:44:45.869 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:44:45.871 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: there stand so i said and glare and hiss at my foes -Output Transcription: there stand so i said in glare and his of my foes -2021-09-20 08:44:45.872 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.250000 -2021-09-20 08:44:45.872 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i doubt whether branwell was maintaining himself at this time -Output Transcription: i doubt whether branwell was maintaining himself at this time -2021-09-20 08:44:45.873 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:44:45.873 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: he started at the thought he hurried forth sadly -Output Transcription: he started at the thought he hurried forth sadly -2021-09-20 08:44:45.873 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:44:45.873 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: what is slang properly speaking -Output Transcription: what is slang properly speaking -2021-09-20 08:44:45.874 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:44:45.875 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: it was one of the masterly and charming stories of dumas the elder -Output Transcription: it was one of the masterly and charming stories of dama the elder -2021-09-20 08:44:45.877 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.076923 -2021-09-20 08:44:45.878 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: voltaire picked up something from the ground and looked at it -Output Transcription: old chair picked up something from the ground and looked at it -2021-09-20 08:44:45.879 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.181818 -2021-09-20 08:44:45.880 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: then lord tuppeny well what about auction -Output Transcription: then lord duany well what about auction -2021-09-20 08:44:45.881 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.142857 -2021-09-20 08:44:45.881 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i almost think i can remember feeling a little different -Output Transcription: i almost think i can remember feeling a little different -2021-09-20 08:44:45.881 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:44:45.883 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: now what was the sense of it two innocent babies like that -Output Transcription: now what is the sense of it to innocent babies like that -2021-09-20 08:44:45.884 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.166667 -2021-09-20 08:44:45.884 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: millimeter roughly one twenty fifth of an inch -Output Transcription: millimeter roughly one twenty fifth of an inch -2021-09-20 08:44:45.885 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:44:45.885 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: words was it their colours -Output Transcription: words was it their colors -2021-09-20 08:44:45.886 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.200000 -2021-09-20 08:44:45.887 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: for if he's anywhere on the farm we can send for him in a minute -Output Transcription: for if it's anywhere on the farm we can send for him in a minute -2021-09-20 08:44:45.889 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.066667 -2021-09-20 08:44:45.891 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: she saves her hand too she's at her best in the second act -Output Transcription: she saves her hand to she said her best of the second act -2021-09-20 08:44:45.893 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.307692 -2021-09-20 08:44:45.893 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: do you remember that first walk we took together in paris -Output Transcription: do you remember that first walk we took together in paris -2021-09-20 08:44:45.893 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:44:45.893 | INFO | deepspeech2x.model:test:372 - Error rate [wer] (560/?) = 0.091808 -2021-09-20 08:44:46.500 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: tis late and i go myself within a short space -Output Transcription: this late and i go myself within a short space -2021-09-20 08:44:46.501 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.100000 -2021-09-20 08:44:46.502 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: presently he crossed the floor of his room with decided step -Output Transcription: presently he crossed the floor of his room with decided step -2021-09-20 08:44:46.502 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:44:46.502 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: do you suppose the miniature was a copy of the same thing -Output Transcription: do you suppose the miniature was a copy of the same thing -2021-09-20 08:44:46.502 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:44:46.504 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: up in the sick room zora lay on the little white bed -Output Transcription: up in the sick room or lay on the little white bed -2021-09-20 08:44:46.505 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.083333 -2021-09-20 08:44:46.505 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: but even the unsuccessful dramatist has his moments -Output Transcription: but even the unsuccessful dramatist has his moments -2021-09-20 08:44:46.506 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:44:46.507 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the most they could claim is that they were sent by others -Output Transcription: the most they could claim is that they were simply others -2021-09-20 08:44:46.508 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.166667 -2021-09-20 08:44:46.509 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i did not then realize the importance of the ministry -Output Transcription: i did not then realize the importance of the ministry -2021-09-20 08:44:46.509 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:44:46.509 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: embrace him and forget about the nature of god -Output Transcription: embrace him and forget about the nature of god -2021-09-20 08:44:46.509 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:44:46.511 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: truly such a horse should be worth much in nottingham fair -Output Transcription: truly such a horse would be worth much and nottingham fair -2021-09-20 08:44:46.512 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.181818 -2021-09-20 08:44:46.513 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: what would become of your gun were i to kidnap you -Output Transcription: what would become with your gun were i to colnago -2021-09-20 08:44:46.514 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.272727 -2021-09-20 08:44:46.515 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: but you believe in some education asked mary taylor -Output Transcription: do you believe in some education asked mary taylor -2021-09-20 08:44:46.516 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.111111 -2021-09-20 08:44:46.516 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: those clouds seem as if they were going to crush the sea -Output Transcription: those clouds seem as if they were going to crush the sea -2021-09-20 08:44:46.516 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:44:46.517 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: soon the whole bridge was trembling and resounding -Output Transcription: soon the whole bridge was trembling and resounding -2021-09-20 08:44:46.517 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:44:46.517 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: image of weakness art thou but a worm -Output Transcription: image of weakness art thou but a worm -2021-09-20 08:44:46.517 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:44:46.518 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: he had the faith in him that moves mountains -Output Transcription: he had the faith in him that moves mountains -2021-09-20 08:44:46.518 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:44:46.518 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: oh i would not venture to say sir -Output Transcription: oh i would not venture to say sir -2021-09-20 08:44:46.518 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:44:46.519 | INFO | deepspeech2x.model:test:372 - Error rate [wer] (576/?) = 0.090665 -2021-09-20 08:44:49.739 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: this was at the march election eighteen fifty five -Output Transcription: this was at the march election eighteen fifty five -2021-09-20 08:44:49.741 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:44:49.742 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: in the stern i curved the tail up almost as high as the head -Output Transcription: in the stern i carved the tail up almost as high as the head -2021-09-20 08:44:49.744 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.071429 -2021-09-20 08:44:49.745 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: this is no sinful pride it is holy pride -Output Transcription: this is no sinful pride in his holy pride -2021-09-20 08:44:49.746 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.222222 -2021-09-20 08:44:49.746 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: one might be with less reason than now -Output Transcription: one might be with less reason than now -2021-09-20 08:44:49.746 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:44:49.747 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: he impressed me as being a perfectly honest man -Output Transcription: he impressed me as being a perfectly honest man -2021-09-20 08:44:49.747 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:44:49.747 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the rest of you off a viking he had three ships -Output Transcription: the rest of you off a viking he had three ships -2021-09-20 08:44:49.747 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:44:49.748 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: and he added something still less complimentary -Output Transcription: and he added something still less complimentary -2021-09-20 08:44:49.748 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:44:49.748 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i did not even take the precaution of smoking up the chimney -Output Transcription: i did not even take the precaution of smoking up the chimney -2021-09-20 08:44:49.748 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:44:49.749 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i am so very tired of being all alone here -Output Transcription: i am so very tired of being all alone here -2021-09-20 08:44:49.749 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:44:49.749 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: pray follow us with mine and my lord sheriff's men -Output Transcription: pray follow us with mine and my lord sheriff's men -2021-09-20 08:44:49.749 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:44:49.750 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: mister soames was somewhat overwhelmed by this flood of information -Output Transcription: mister psalms was somewhat overwhelmed by this flood of information -2021-09-20 08:44:49.751 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.100000 -2021-09-20 08:44:49.752 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: perhaps she too might be there waiting weeping -Output Transcription: perhaps she too might be there waiting weeping -2021-09-20 08:44:49.752 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:44:49.754 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: it was so dark that i could see nothing but a few sparks on the hearth -Output Transcription: he was so dark that i could see nothing but a few sparks on the hearth -2021-09-20 08:44:49.756 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.062500 -2021-09-20 08:44:49.757 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: run back uncas and bring me the size of the singer's foot -Output Transcription: run back uncas and bring me the size of the singer's foot -2021-09-20 08:44:49.757 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:44:49.757 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: however the grace and peace of god will -Output Transcription: however the grace and peace of god will -2021-09-20 08:44:49.757 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:44:49.759 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: in this monotonous life of mine that was a pleasant event -Output Transcription: in this monotonous life in mind that was a pleasant event -2021-09-20 08:44:49.760 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.181818 -2021-09-20 08:44:49.760 | INFO | deepspeech2x.model:test:372 - Error rate [wer] (592/?) = 0.088821 -2021-09-20 08:44:51.983 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: mainhall liked alexander because he was an engineer -Output Transcription: may hold like alexander because he was an engineer -2021-09-20 08:44:51.985 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.375000 -2021-09-20 08:44:51.986 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the squire helped to thrust them all in and entered swiftly himself -Output Transcription: the squire helped to thrust them all land and entered swiftly himself -2021-09-20 08:44:51.988 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.083333 -2021-09-20 08:44:51.988 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: up and down the water we went to get much wealth and much frolic -Output Transcription: up and down the water we went to get much wealth and much frolic -2021-09-20 08:44:51.988 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:44:51.989 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: concord returned to its place amidst the tents -Output Transcription: concord returned to its place amidst the tents -2021-09-20 08:44:51.989 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:44:51.989 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: we'll be quite comfortable here i told conseil -Output Transcription: will be quite comfortable here i told conseil -2021-09-20 08:44:51.990 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.125000 -2021-09-20 08:44:51.990 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: men should not speculate about the nature of god -Output Transcription: men should not speculate about the nature of god -2021-09-20 08:44:51.991 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:44:51.992 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: they are cousins you know we are all cousins -Output Transcription: their cousins you know we are all cousins -2021-09-20 08:44:51.992 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.222222 -2021-09-20 08:44:51.993 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the examination however resulted in no discovery -Output Transcription: the examination however resulted in no discovery -2021-09-20 08:44:51.993 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:44:51.993 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: said mister irwine with his stately cordiality -Output Transcription: said mister irwin with his stately cordiality -2021-09-20 08:44:51.994 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.142857 -2021-09-20 08:44:51.996 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: there she sat on the rollers as fair a ship as i ever saw -Output Transcription: there she sat on the rollers as fair ship as i ever saw -2021-09-20 08:44:51.997 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.071429 -2021-09-20 08:44:51.998 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: only that one answered the tree -Output Transcription: only that one answered the tree -2021-09-20 08:44:51.998 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:44:51.998 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: missus griffin however expressed the need for a little more light -Output Transcription: missus griffin however expressed the need for a little more light -2021-09-20 08:44:51.999 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:44:52.000 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: missus neverbend you must indeed be proud of your son -Output Transcription: missus never been you must indeed be proud of your son -2021-09-20 08:44:52.001 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.200000 -2021-09-20 08:44:52.001 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: but i have occasionally done the same thing at other times -Output Transcription: but i have occasionally done the same thing at other times -2021-09-20 08:44:52.001 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:44:52.001 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: take your place and let us see what the crystal can show to you -Output Transcription: take your place and let us see what the crystal can show to you -2021-09-20 08:44:52.002 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:44:52.003 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: then you can ask him questions on the catechism dedalus -Output Transcription: then you can ask him questions on the catechism daedalus -2021-09-20 08:44:52.004 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.100000 -2021-09-20 08:44:52.004 | INFO | deepspeech2x.model:test:372 - Error rate [wer] (608/?) = 0.088362 -2021-09-20 08:44:52.805 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: this should go far in shutting the mouths of the false apostles -Output Transcription: this should go far and shutting the mouth of the false apostles -2021-09-20 08:44:52.807 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.166667 -2021-09-20 08:44:52.809 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i thought it might be sister kate or cousin mike would be happening along -Output Transcription: i thought it might be sister kater cousin mike would be happening along -2021-09-20 08:44:52.810 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.142857 -2021-09-20 08:44:52.811 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: that will be safest no no never -Output Transcription: that will be the safest no no never -2021-09-20 08:44:52.812 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.142857 -2021-09-20 08:44:52.813 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: worse tom worse n ever replied the jailer gloomily -Output Transcription: worst time worse an error replied the jailer gloomily -2021-09-20 08:44:52.814 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.444444 -2021-09-20 08:44:52.814 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: there was a grim smile of amusement on his shrewd face -Output Transcription: there was a grim smile of amusement on his shrewd face -2021-09-20 08:44:52.814 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:44:52.814 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: it is hardly necessary to say more of them here -Output Transcription: it is hardly necessary to say more of them here -2021-09-20 08:44:52.815 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:44:52.816 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: she had almost forgotten that it was here within touch and sight -Output Transcription: she had almost forgotten that it was here within touch in sight -2021-09-20 08:44:52.817 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.083333 -2021-09-20 08:44:52.818 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: sister nell do you hear these marvels -Output Transcription: sister nell do you hear these marvels -2021-09-20 08:44:52.818 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:44:52.819 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: nottingham castle was reached and admittance was demanded -Output Transcription: not a young castle was reached and admittance was demanded -2021-09-20 08:44:52.820 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.375000 -2021-09-20 08:44:52.820 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: she even seemed mildly amused at the attention she attracted -Output Transcription: she even seemed mildly amused at the attention she attracted -2021-09-20 08:44:52.820 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:44:52.822 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: she must care about the theatre a great deal more than she used to -Output Transcription: she must care about the theatre or a great deal more than she used to -2021-09-20 08:44:52.824 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.071429 -2021-09-20 08:44:52.826 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i had a notion it was you mate as saved me from the knife -Output Transcription: i had a notion it was you may desire me from the knife -2021-09-20 08:44:52.827 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.214286 -2021-09-20 08:44:52.828 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: effects of the increased use and disuse of parts -Output Transcription: effects of the increased use and disuse of parts -2021-09-20 08:44:52.828 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:44:52.829 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the wine did certainly bring back the color to the squire's cheeks -Output Transcription: the wind did certainly bring back the colour to the squire's cheeks -2021-09-20 08:44:52.831 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.166667 -2021-09-20 08:44:52.832 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: let us hear the suspicions i will look after the proofs -Output Transcription: let us see the suspicions i will look after the proofs -2021-09-20 08:44:52.833 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.090909 -2021-09-20 08:44:52.834 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: but not more than what's in the bible aunt said dinah -Output Transcription: but not more than was in the bible and said dinah -2021-09-20 08:44:52.835 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.181818 -2021-09-20 08:44:52.836 | INFO | deepspeech2x.model:test:372 - Error rate [wer] (624/?) = 0.089861 -2021-09-20 08:44:53.487 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: yes yes she hurried pulling her hand gently away from him -Output Transcription: yes yes she hurried pulling her hand gently away from him -2021-09-20 08:44:53.488 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:44:53.489 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: hakon there shall be your constant companion friend farmer -Output Transcription: hawking there shall be your constant companion friend farmer -2021-09-20 08:44:53.490 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.111111 -2021-09-20 08:44:53.491 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: he wanted to begin at the top of the ladder -Output Transcription: he wanted to begin at the top of the latter -2021-09-20 08:44:53.492 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.100000 -2021-09-20 08:44:53.492 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i am going to the court ball answered anders -Output Transcription: i am going to the court ball answered anders -2021-09-20 08:44:53.492 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:44:53.492 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: oh won't she be savage if i've kept her waiting -Output Transcription: oh won't she be savage if i've kept her waiting -2021-09-20 08:44:53.493 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:44:53.493 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: he felt a tremor run through the slender yellow figure in front of him -Output Transcription: he felt a tremor run through the slender yellow figure in front of him -2021-09-20 08:44:53.493 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:44:53.493 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: who denies that of course it does -Output Transcription: who denies that of course it does -2021-09-20 08:44:53.494 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:44:53.494 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: cold is it my darling bless your sweet face -Output Transcription: cold is it my darling bless your sweet face -2021-09-20 08:44:53.494 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:44:53.494 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: your majesty's plan then in this affair is -Output Transcription: your majesty's plan then in this affair is -2021-09-20 08:44:53.495 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:44:53.495 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: give not so earnest a mind to these mummeries child -Output Transcription: give not so earnest mind to these memories child -2021-09-20 08:44:53.496 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.200000 -2021-09-20 08:44:53.497 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: chapter three as master wishes -Output Transcription: chapter three as master wishes -2021-09-20 08:44:53.497 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:44:53.497 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: remain i implore you the evening is most lovely -Output Transcription: remain i implore you the evening is most lovely -2021-09-20 08:44:53.498 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:44:53.498 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: but i do not think such an inference is warranted -Output Transcription: but i do not think such an inference is warranted -2021-09-20 08:44:53.498 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:44:53.498 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: suddenly he heard him at the very door there was no possible escape -Output Transcription: suddenly he heard him at the very door there was no possible escape -2021-09-20 08:44:53.499 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:44:53.499 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the word of our god shall stand forever -Output Transcription: the word of our god shall stand for ever -2021-09-20 08:44:53.500 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.250000 -2021-09-20 08:44:53.500 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: what could i do now but just lay myself down and die -Output Transcription: what could i do now but just lay myself down and die -2021-09-20 08:44:53.501 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:44:53.501 | INFO | deepspeech2x.model:test:372 - Error rate [wer] (640/?) = 0.088211 -2021-09-20 08:44:54.173 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: why a tongue impress'd with honey from every wind -Output Transcription: why a tongue impressed with honey from every wind -2021-09-20 08:44:54.174 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.111111 -2021-09-20 08:44:54.175 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: they were now playing with their dolls in the parlor -Output Transcription: they were now playing with their dolls in the parlor -2021-09-20 08:44:54.175 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:44:54.176 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i am very tired of swimming about here o mouse -Output Transcription: i am very tired of swimming about here o mouse' -2021-09-20 08:44:54.177 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.100000 -2021-09-20 08:44:54.177 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: familiarity is a feeling capable of degrees -Output Transcription: familiarity is a filling capable of degrees -2021-09-20 08:44:54.178 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.142857 -2021-09-20 08:44:54.179 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: pearl was a born outcast of the infantile world -Output Transcription: pearl was born outcast of the infantile world -2021-09-20 08:44:54.180 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.111111 -2021-09-20 08:44:54.181 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i'll do anything you wish me to bartley she said tremulously -Output Transcription: i'll do anything you wish me to partly she said tremulously -2021-09-20 08:44:54.182 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.090909 -2021-09-20 08:44:54.182 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: it is manifest that man is now subject to much variability -Output Transcription: it is manifest that man is now subject to much variability -2021-09-20 08:44:54.183 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:44:54.184 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: they followed the jailer along a succession of passages -Output Transcription: they followed the jailer along the succession of passages -2021-09-20 08:44:54.184 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.111111 -2021-09-20 08:44:54.186 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i get wet to my knees when i go down to pick cherries -Output Transcription: i get wet to my knees when i go down to pictures -2021-09-20 08:44:54.187 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.153846 -2021-09-20 08:44:54.188 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: well she was better though she had had a bad night -Output Transcription: well she was better though she had had a bad night -2021-09-20 08:44:54.188 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:44:54.188 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: but at this point in the rapids it was impossible for him to stay down -Output Transcription: but at this point in the rapids it was impossible for him to stay down -2021-09-20 08:44:54.188 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:44:54.188 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: ojo had never eaten such a fine meal in all his life -Output Transcription: ojo had never eaten such a fine meal in all his life -2021-09-20 08:44:54.189 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:44:54.189 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: when i was a young man i thought paul was making too much of his call -Output Transcription: when i was a young man i thought paul was making too much of his call -2021-09-20 08:44:54.189 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:44:54.190 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: two hundred warriors feasted in his hall and followed him to battle -Output Transcription: two hundred warriors feasted his hall and followed him to battle -2021-09-20 08:44:54.192 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.083333 -2021-09-20 08:44:54.192 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: is she not afraid that i will thwart her inclinations -Output Transcription: is she not afraid that i will thwart her inclinations -2021-09-20 08:44:54.192 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:44:54.192 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: in all the novel had a difficult gestation -Output Transcription: in all the novel had a difficult gestation -2021-09-20 08:44:54.193 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:44:54.193 | INFO | deepspeech2x.model:test:372 - Error rate [wer] (656/?) = 0.086939 -2021-09-20 08:44:54.827 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: but we're not er exactly welcomed -Output Transcription: but when not in exactly welcome -2021-09-20 08:44:54.828 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.500000 -2021-09-20 08:44:54.830 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: they think you're proud because you've been away to school or something -Output Transcription: they think your proud because you've been away to school or something -2021-09-20 08:44:54.831 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.083333 -2021-09-20 08:44:54.832 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: it's been on only two weeks and i've been half a dozen times already -Output Transcription: it's been on only two weeks and i've been half a dozen times already -2021-09-20 08:44:54.832 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:44:54.832 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: burn fire burn flicker flicker flame -Output Transcription: burn fire burn flicker flicker flame -2021-09-20 08:44:54.832 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:44:54.833 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: only there are two sorts of cloud and fire -Output Transcription: only there are two sorts of cloud and fire -2021-09-20 08:44:54.833 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:44:54.833 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: and you must be ojo the unlucky she added -Output Transcription: and you must be ojo the unlucky she added -2021-09-20 08:44:54.833 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:44:54.834 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: they seem to be we are lost but i am not sure -Output Transcription: they seem to be we are lost but i am not sure -2021-09-20 08:44:54.834 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:44:54.835 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: be not so foolish friend said fitzooth crossly -Output Transcription: be not so foolish friend said it tooth crossly -2021-09-20 08:44:54.836 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.250000 -2021-09-20 08:44:54.836 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i never knew of but one man who could ever please him -Output Transcription: i never knew of but one man who could ever please him -2021-09-20 08:44:54.836 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:44:54.836 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: there is no opening except the one pane said our learned guide -Output Transcription: there is no opening except the one pane said our learned guide -2021-09-20 08:44:54.837 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:44:54.838 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: and then they became vexed and would have snatched your purse from us -Output Transcription: and then they became vexed and would have snatched or purse from us -2021-09-20 08:44:54.840 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.076923 -2021-09-20 08:44:54.840 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: and they are all in for this examination yes -Output Transcription: and they are all in for this examination yes -2021-09-20 08:44:54.840 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:44:54.840 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: in every way they sought to undermine the authority of saint paul -Output Transcription: in every way they sought to undermine the authority of saint paul -2021-09-20 08:44:54.841 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:44:54.841 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: but we are careless we make light of sin -Output Transcription: but we are careless we make light of sin -2021-09-20 08:44:54.841 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:44:54.842 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: next came olive's turn to help in the ceremonies -Output Transcription: next came olives turn to help in the ceremonies -2021-09-20 08:44:54.843 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.111111 -2021-09-20 08:44:54.843 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i do not know i am dazed bewildered -Output Transcription: i do not know i am dazed bewildered -2021-09-20 08:44:54.843 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:44:54.844 | INFO | deepspeech2x.model:test:372 - Error rate [wer] (672/?) = 0.085776 -2021-09-20 08:44:55.528 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: therefore don't talk to me about views and prospects -Output Transcription: therefore don't talk to me about views and prospects -2021-09-20 08:44:55.529 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:44:55.530 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: alexander leaned forward and warmed his hands before the blaze -Output Transcription: alexander leaned forward and warmed his hands before the blaze -2021-09-20 08:44:55.530 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:44:55.530 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: no thanks i am glad to give you such easy happiness -Output Transcription: no thanks i am glad to give you such easy happiness -2021-09-20 08:44:55.531 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:44:55.531 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: and he leaned against the wall lost in reverie -Output Transcription: and he leaned against the wall lost in reverie -2021-09-20 08:44:55.531 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:44:55.531 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i'll try if i know all the things i used to know -Output Transcription: i'll try if i know all the things i used to know -2021-09-20 08:44:55.532 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:44:55.532 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: by the beard of odin i cried you have taken our joke like a man -Output Transcription: by the beard of odin i cried you have taken our joke like a man -2021-09-20 08:44:55.532 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:44:55.533 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the king seemed only pleased with every one present -Output Transcription: the king seemed only pleased with everyone present -2021-09-20 08:44:55.534 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.222222 -2021-09-20 08:44:55.535 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: one hardly likes to throw suspicion where there are no proofs -Output Transcription: one hardly like to throw suspicion where there are no proofs -2021-09-20 08:44:55.536 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.090909 -2021-09-20 08:44:55.536 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: mister edison was a leader far ahead of the time -Output Transcription: mister edison was a leader far ahead of the time -2021-09-20 08:44:55.537 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:44:55.537 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: we had meters in which there were two bottles of liquid -Output Transcription: we had meters in which there were two bottles of liquid -2021-09-20 08:44:55.537 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:44:55.538 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: he was unable to decide exactly what it should be -Output Transcription: he was unable to decide exactly which be -2021-09-20 08:44:55.539 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.300000 -2021-09-20 08:44:55.539 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: at last he came out of them and wiped his face vigorously -Output Transcription: at last he came out of them and wiped his face vigorously -2021-09-20 08:44:55.539 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:44:55.541 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: but the general distinction is not on that account to be overlooked -Output Transcription: but the general distinction is not met account to be overlooked -2021-09-20 08:44:55.542 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.166667 -2021-09-20 08:44:55.543 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: on a bench in a far corner were a dozen people huddled together -Output Transcription: on a bench in a far corner where a dozen people huddled together -2021-09-20 08:44:55.545 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.076923 -2021-09-20 08:44:55.545 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: or of the habits of our people it is quite impossible -Output Transcription: or of the habits of our people it is quite impossible -2021-09-20 08:44:55.545 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:44:55.546 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the lagoon had been level with the dykes a week ago and now -Output Transcription: the lagoon had been level with the dykes a week ago and now -2021-09-20 08:44:55.546 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:44:55.546 | INFO | deepspeech2x.model:test:372 - Error rate [wer] (688/?) = 0.084585 -2021-09-20 08:44:56.200 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i suppose it's the wet season will you have to cut them too -Output Transcription: i suppose it's the wet season will you have to cut them to -2021-09-20 08:44:56.202 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.076923 -2021-09-20 08:44:56.202 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: when she finished alexander shook himself out of a reverie -Output Transcription: when she finished alexander shook himself out of a reverie -2021-09-20 08:44:56.203 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:44:56.203 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: but a word further concerning the expedition in general -Output Transcription: but a word further concerning the expedition in general -2021-09-20 08:44:56.203 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:44:56.204 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: their eyes danced big thorleif stood up and stretched himself -Output Transcription: their eyes danced big torley stood up and stretched himself -2021-09-20 08:44:56.205 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.100000 -2021-09-20 08:44:56.206 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: some poems of solon were recited by the boys -Output Transcription: some poems of solemn grew recited by the boys -2021-09-20 08:44:56.207 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.222222 -2021-09-20 08:44:56.207 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: mother cried she i see you here look look -Output Transcription: mother cried she i see you here look look -2021-09-20 08:44:56.208 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:44:56.208 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i say sir harry the little girl's going famously to night isn't she -Output Transcription: i say sir harry the little girl's going famously to night isn't she -2021-09-20 08:44:56.208 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:44:56.208 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: at last all was quiet and black in the courtyard of gamewell -Output Transcription: at last all was quiet and black in the courtyard of gamewell -2021-09-20 08:44:56.209 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:44:56.209 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: what's the meaning of this thought the tree -Output Transcription: what's the meaning of this thought the tree -2021-09-20 08:44:56.209 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:44:56.209 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i attend to the household mending you know and care for the linen -Output Transcription: i attend to the household mending you know and care for the linen -2021-09-20 08:44:56.210 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:44:56.210 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: alexander groaned i meant to but somehow i couldn't -Output Transcription: alexander groaned i meant to but somehow i couldn't -2021-09-20 08:44:56.210 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:44:56.211 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: and mine is will stuteley shall we be comrades -Output Transcription: and mind is will stoutly shall we be comrades -2021-09-20 08:44:56.212 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.222222 -2021-09-20 08:44:56.212 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: indeed he persecuted the church of christ for a long time -Output Transcription: indeed he persecuted the church of christ for a long time -2021-09-20 08:44:56.212 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:44:56.213 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: and i declare it's too bad that it is -Output Transcription: and i declare it's too bad that it is -2021-09-20 08:44:56.213 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:44:56.213 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: rejoice in thy growth said the sunbeams -Output Transcription: rejoice in thy growth said the sunbeams -2021-09-20 08:44:56.213 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:44:56.214 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: after that it was easy to forget actually to forget -Output Transcription: after that it was easy to forget actually to forget -2021-09-20 08:44:56.214 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:44:56.214 | INFO | deepspeech2x.model:test:372 - Error rate [wer] (704/?) = 0.083180 -2021-09-20 08:44:58.096 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: and thee won't go why should i -Output Transcription: and they won't go why should i -2021-09-20 08:44:58.097 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.142857 -2021-09-20 08:44:58.098 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the head of the patchwork girl was the most curious part of her -Output Transcription: the head of the patchwork girl was the most curious part of her -2021-09-20 08:44:58.098 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:44:58.099 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: if for a whim you beggar yourself i cannot stay you -Output Transcription: if fur when you beggar yourself i cannot stay you -2021-09-20 08:44:58.100 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.272727 -2021-09-20 08:44:58.101 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: a sound of voices a flash of light -Output Transcription: a sound of voices a flash of light -2021-09-20 08:44:58.101 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:44:58.101 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: and i have no one ready to whom i can give up the archives of the government -Output Transcription: and i have no one ready to whom i can give up the archives of the government -2021-09-20 08:44:58.102 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:44:58.102 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i think i should be doing you a service to turn you out of such a place -Output Transcription: i think i should be doing you a service to turn you out of such a place -2021-09-20 08:44:58.102 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:44:58.104 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: done he ain't done a thing he'd oughter sence he was born -Output Transcription: down he ain't done a thing he orders since he was born -2021-09-20 08:44:58.105 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.333333 -2021-09-20 08:44:58.105 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: anyone in the room could get out yes sir -Output Transcription: anyone in the room could get out yes sir -2021-09-20 08:44:58.105 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:44:58.106 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: for some time after that i remembered nothing distinctly -Output Transcription: for some time after that i remembered nothing distinctly -2021-09-20 08:44:58.106 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:44:58.106 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: no i forgot all about the brains exclaimed the woman -Output Transcription: no i forgot all about the brains exclaimed the woman -2021-09-20 08:44:58.107 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:44:58.108 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the delawares are children of the tortoise and they outstrip the deer -Output Transcription: the delawares are children of the tortoise in the outstrip the deer -2021-09-20 08:44:58.109 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.166667 -2021-09-20 08:44:58.110 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: since when has malady banished medicine -Output Transcription: since when has malady vanished medicine -2021-09-20 08:44:58.110 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.166667 -2021-09-20 08:44:58.111 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: he knew the silver fleece his and zora's must be ruined -Output Transcription: he knew the silver flees his azores must be ruined -2021-09-20 08:44:58.112 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.272727 -2021-09-20 08:44:58.113 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: asked phronsie with her little face close to polly's own -Output Transcription: asked rosie with her little face closed upon his own -2021-09-20 08:44:58.115 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.400000 -2021-09-20 08:44:58.116 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: but under the circumstances i doubt if such an arrangement could be made -Output Transcription: but under the circumstances i doubt such an arrangement could be made -2021-09-20 08:44:58.117 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.076923 -2021-09-20 08:44:58.118 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: to this we reply in one word only -Output Transcription: to this we reply in one word only -2021-09-20 08:44:58.118 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:44:58.118 | INFO | deepspeech2x.model:test:372 - Error rate [wer] (720/?) = 0.084004 -2021-09-20 08:45:00.424 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: or hath he given us any gift -Output Transcription: or hath he given us any gift -2021-09-20 08:45:00.425 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:45:00.425 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: did not the dancing amuse you no -Output Transcription: did not the dancing amuse you no -2021-09-20 08:45:00.426 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:45:00.426 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: it would have been more wonderful had he spoken without a bidding -Output Transcription: it would have been more wonderful had he spoken without a bidding -2021-09-20 08:45:00.426 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:45:00.427 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: in the morning the servant and the housemaid came in -Output Transcription: in the morning the servants and the housemaid came in -2021-09-20 08:45:00.428 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.100000 -2021-09-20 08:45:00.430 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: it is this that is of interest to theory of knowledge -Output Transcription: it is this that is a interest to theory of knowledge -2021-09-20 08:45:00.431 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.090909 -2021-09-20 08:45:00.431 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: paul an apostle not of men et cetera -Output Transcription: paul an apostle not of men et cetera -2021-09-20 08:45:00.431 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:45:00.432 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: in this guise it becomes horrible -Output Transcription: in the skies it becomes horrible -2021-09-20 08:45:00.432 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.333333 -2021-09-20 08:45:00.434 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: also there was a stripling page who turned into a maid -Output Transcription: also there was a stripling page who turned into a mad -2021-09-20 08:45:00.435 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.090909 -2021-09-20 08:45:00.436 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: is he going to start a daily newspaper among the kick a poos -Output Transcription: is he going to start a daily newspaper among the kickapoo -2021-09-20 08:45:00.438 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.230769 -2021-09-20 08:45:00.438 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: heredity the cause of all our faults -Output Transcription: heredity the cause of all our faults -2021-09-20 08:45:00.438 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:45:00.438 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: and you belong to that small class who are happy -Output Transcription: and you belong to that small class who are happy -2021-09-20 08:45:00.439 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:45:00.440 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the man entered and took the papers sheet by sheet from the central table -Output Transcription: the man entered and took the papers sheet a sheet from the central table -2021-09-20 08:45:00.442 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.071429 -2021-09-20 08:45:00.443 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i have nothing to wear replied that demure person -Output Transcription: i have nothing to wear replied that the mere person -2021-09-20 08:45:00.444 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.222222 -2021-09-20 08:45:00.447 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: ambrose met me at the bottom of the stairs and showed me the way to the supper room -Output Transcription: ambrose met made the bottom of stairs and showed me the way to the supper room -2021-09-20 08:45:00.449 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.166667 -2021-09-20 08:45:00.450 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: he went here there and everywhere in perfect contentment -Output Transcription: he went here there and everywhere in perfect contentment -2021-09-20 08:45:00.450 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:45:00.451 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i shall be happy to take charge of them said sir ferdinando -Output Transcription: i shall be happy to take charge of them said sir fernando -2021-09-20 08:45:00.453 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.083333 -2021-09-20 08:45:00.453 | INFO | deepspeech2x.model:test:372 - Error rate [wer] (736/?) = 0.084216 -2021-09-20 08:45:01.813 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: but thou art not such a lover my beloved -Output Transcription: but thou art not such a lover my beloved -2021-09-20 08:45:01.814 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:45:01.815 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: straightway the hawk glided from his perch and darted after him -Output Transcription: straightway the hot glided from his perch and darted after him -2021-09-20 08:45:01.816 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.090909 -2021-09-20 08:45:01.817 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: don't worry sizzle dear it'll all come right pretty soon -Output Transcription: don't worryi sizzle dear it'll come ripe soon -2021-09-20 08:45:01.818 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.400000 -2021-09-20 08:45:01.818 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: one thinks one hears hydras talking -Output Transcription: one things one hears hydras talking -2021-09-20 08:45:01.819 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.166667 -2021-09-20 08:45:01.820 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the sight seers returned in high spirits from the city -Output Transcription: the sights years returned in high spirits from the city -2021-09-20 08:45:01.821 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.200000 -2021-09-20 08:45:01.823 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i took five great bracelets of gold from our treasure chest and gave them to him -Output Transcription: i took five great bracelets gold from our treasure chest and gave them to him -2021-09-20 08:45:01.825 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.062500 -2021-09-20 08:45:01.825 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the floor more than anything else showed the great age of the room -Output Transcription: the floor more than anything else showed the great age of the room -2021-09-20 08:45:01.826 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:45:01.826 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: in this whole epistle paul treats of the resurrection of christ -Output Transcription: in this whole epistle paul treats of the resurrection of christ -2021-09-20 08:45:01.826 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:45:01.828 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: my dragon's belly is never full and on board went the gold -Output Transcription: a dragon's belly is never full and on board went the gold -2021-09-20 08:45:01.829 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.083333 -2021-09-20 08:45:01.829 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: they said to the galatians you have no right to think highly of paul -Output Transcription: they said to the galatians you have no right to think highly of paul -2021-09-20 08:45:01.829 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:45:01.830 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: sir harry towne mister bartley alexander the american engineer -Output Transcription: sir harry town mister bartley alexander the american engineer -2021-09-20 08:45:01.831 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.111111 -2021-09-20 08:45:01.833 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: did you ever have such a lordly guest before i went on -Output Transcription: did you ever have such a lordly guessed before i went on -2021-09-20 08:45:01.834 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.083333 -2021-09-20 08:45:01.835 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: one of us always remains on board while the other is on shore -Output Transcription: one of us always remains on board while the others i'm sure -2021-09-20 08:45:01.837 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.307692 -2021-09-20 08:45:01.837 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: right willingly for between us we have won the battle answered robin -Output Transcription: right willingly for between us we have won the battle answered robin -2021-09-20 08:45:01.837 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:45:01.838 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: your play must be not merely a good play but a successful one -Output Transcription: your play must be not merely a good play but a successful one -2021-09-20 08:45:01.838 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:45:01.840 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: we think that by some little work or merit we can dismiss sin -Output Transcription: we think that by some little work or merit we can dismiss an -2021-09-20 08:45:01.841 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.076923 -2021-09-20 08:45:01.842 | INFO | deepspeech2x.model:test:372 - Error rate [wer] (752/?) = 0.084469 -2021-09-20 08:45:02.517 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: by the hammer of thor shouted grim here is no stingy coward -Output Transcription: by the hammer of thor shouted groom there is no stingy cower -2021-09-20 08:45:02.520 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.250000 -2021-09-20 08:45:02.521 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the ballet began the effect was more than beautiful -Output Transcription: the valley began the effect was more than beautiful -2021-09-20 08:45:02.522 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.111111 -2021-09-20 08:45:02.522 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: ojo examined this curious contrivance with wonder -Output Transcription: ojo examined this curious contrivance with wonder -2021-09-20 08:45:02.522 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:45:02.523 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: robin was glad when at length they were left to their own devices -Output Transcription: robin was glad when at length they were left to their own devices -2021-09-20 08:45:02.523 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:45:02.524 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: why bannister the servant what's his game in the matter -Output Transcription: why banister the servant what's his game in the matter -2021-09-20 08:45:02.525 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.100000 -2021-09-20 08:45:02.526 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: now you'll stay cried van say polly won't you -Output Transcription: now you'll stay cried man say polly won't you -2021-09-20 08:45:02.527 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.111111 -2021-09-20 08:45:02.527 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: don't insult me stanley by talking again as you did this morning -Output Transcription: don't insult me stanley by talking again as you did this morning -2021-09-20 08:45:02.528 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:45:02.528 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: robin entered the hut dragging the unwilling esquire after him -Output Transcription: robin entered the hut dragging the unwilling esquire after him -2021-09-20 08:45:02.528 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:45:02.528 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i shudder as i recall these monsters to my remembrance -Output Transcription: i shudder as i recall these monsters to my remembrance -2021-09-20 08:45:02.529 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:45:02.529 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: so choose for yourself to make a rush or tarry here -Output Transcription: so choose for yourself to make a rush or tarry here -2021-09-20 08:45:02.529 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:45:02.529 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: holmes held it out on his open palm in the glare of the electric light -Output Transcription: holmes held it out on his open palm in the glare of the electric light -2021-09-20 08:45:02.530 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:45:02.531 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: steam up and canvas spread the schooner started eastwards -Output Transcription: steam up in canvas spread the schooner started eastwards -2021-09-20 08:45:02.532 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.111111 -2021-09-20 08:45:02.532 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: it blazed up famously help help -Output Transcription: it blazed up famously help help -2021-09-20 08:45:02.532 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:45:02.532 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: but much of the novel's brooding power comes from captain nemo -Output Transcription: but much of the novel's brooding power comes from captain nemo -2021-09-20 08:45:02.533 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:45:02.533 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: hello stephanos here comes the dedalus -Output Transcription: hello stephanos here comes the daedalus -2021-09-20 08:45:02.534 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.166667 -2021-09-20 08:45:02.535 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the earth is not devoid of resemblance to a jail -Output Transcription: the earth is not devoid of resemblance to a hail -2021-09-20 08:45:02.536 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.100000 -2021-09-20 08:45:02.536 | INFO | deepspeech2x.model:test:372 - Error rate [wer] (768/?) = 0.083729 -2021-09-20 08:45:03.263 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: it's exciting to see everything growing so fast and to get the grass cut -Output Transcription: its exciting to see everything growing so fast and to get the grass cut -2021-09-20 08:45:03.265 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.071429 -2021-09-20 08:45:03.267 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: la valliere is quite a poetess said tonnay charente -Output Transcription: the vallee is quite a poetess said tony hart -2021-09-20 08:45:03.267 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.444444 -2021-09-20 08:45:03.268 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: on august twenty seventh eighteen thirty seven she writes -Output Transcription: on august twenty seventh eighteen thirty seven she writes -2021-09-20 08:45:03.268 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:45:03.268 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: cried the young ladies and they quickly put out the fire -Output Transcription: cried the young ladies and they quickly put out the fire -2021-09-20 08:45:03.269 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:45:03.269 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the rector did not ask for a catechism to hear the lesson from -Output Transcription: the rector did not ask for a catechism to hear the lesson from -2021-09-20 08:45:03.269 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:45:03.270 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: on the palm were three little pyramids of black doughy clay -Output Transcription: on the palm were three little pyramids of black dog clay -2021-09-20 08:45:03.271 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.090909 -2021-09-20 08:45:03.272 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: exclaimed servadac keeping his eye unmoved at his telescope -Output Transcription: exclaimed serva dac keeping his eye unmoved at his telescope -2021-09-20 08:45:03.273 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.222222 -2021-09-20 08:45:03.274 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: you haven't seen any of them no sir -Output Transcription: you haven't seen any of them no sir -2021-09-20 08:45:03.274 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:45:03.274 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: it's not particularly rare she said but some of it was my mother's -Output Transcription: it's not particularly rare she said but some of it was my mother's -2021-09-20 08:45:03.274 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:45:03.275 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the democratic committee figured out a way to do this -Output Transcription: the democratic committee figured out a way to do this -2021-09-20 08:45:03.275 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:45:03.275 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: heaven a good place to be raised to -Output Transcription: heaven a good place to be raised to -2021-09-20 08:45:03.275 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:45:03.276 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: but it was not the fir tree that they meant -Output Transcription: but it was not the fir tree that they meant -2021-09-20 08:45:03.276 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:45:03.277 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: it was better for him to think the girl unfeeling than to know the truth -Output Transcription: it was better for him to think the girl unfeeling at another truth -2021-09-20 08:45:03.279 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.266667 -2021-09-20 08:45:03.280 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i won't tremble to morrow thought the fir tree -Output Transcription: i won't tremble tomorrow thought the fir tree -2021-09-20 08:45:03.281 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.222222 -2021-09-20 08:45:03.283 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i pray for you but that's not the same as if you prayed yourself -Output Transcription: i pray for you but that's not the same as if you played yourself -2021-09-20 08:45:03.284 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.071429 -2021-09-20 08:45:03.286 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: from the blackness behind the light they heard a voice warrenton's -Output Transcription: from the blackness behind the light they heard a voice warrenton -2021-09-20 08:45:03.287 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.090909 -2021-09-20 08:45:03.287 | INFO | deepspeech2x.model:test:372 - Error rate [wer] (784/?) = 0.083957 -2021-09-20 08:45:03.976 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: husband the next thing to a wife -Output Transcription: husband the next thing to a wife -2021-09-20 08:45:03.977 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:45:03.977 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: she poured into the dish a quantity from each of these bottles -Output Transcription: she poured into the dish a quantity from each of these bottles -2021-09-20 08:45:03.977 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:45:03.979 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i have been here this quarter of an hour replied la valliere -Output Transcription: i have been here this quarter of an hour replied lavalier -2021-09-20 08:45:03.980 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.166667 -2021-09-20 08:45:03.981 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: hussy woman and bond tie -Output Transcription: hussy woman and born tie -2021-09-20 08:45:03.981 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.200000 -2021-09-20 08:45:03.982 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: but there's father the barn sir if he'd be of any use -Output Transcription: but there's father and barn sir if he'd be of any use -2021-09-20 08:45:03.984 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.083333 -2021-09-20 08:45:03.984 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: to ask any more questions of you i believe would be unfair -Output Transcription: to ask any more questions of you i believe would be unfair -2021-09-20 08:45:03.984 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:45:03.986 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: he looked up rather ungraciously but motioned them to be seated -Output Transcription: he looked up rather ungracious ly but motioned them to be seated -2021-09-20 08:45:03.987 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.181818 -2021-09-20 08:45:03.988 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the great hawk followed hurriedly to retrieve his prey from the ground -Output Transcription: the great hawk fouled hurriedly to retrieve his prey from the ground -2021-09-20 08:45:03.990 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.083333 -2021-09-20 08:45:03.991 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: they say illumination by candle light is the prettiest in the world -Output Transcription: they say illumination by candlelight is the prettiest in the world -2021-09-20 08:45:03.992 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.166667 -2021-09-20 08:45:03.993 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: why should the mistress of the vales of har utter a sigh -Output Transcription: why should the mistress of the veils of her utter a sigh -2021-09-20 08:45:03.995 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.166667 -2021-09-20 08:45:03.996 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: out in the woods stood a nice little fir tree -Output Transcription: out in the woods stood a nice little fur tree -2021-09-20 08:45:03.997 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.100000 -2021-09-20 08:45:03.998 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: alexander rose and shook himself angrily yes i know i'm cowardly -Output Transcription: elegant rose and shook himself angrily yes i know i'm cowardly -2021-09-20 08:45:03.999 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.090909 -2021-09-20 08:45:03.999 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: several hundred free state men promptly responded to the summons -Output Transcription: several hundred free state men promptly responded to the summons -2021-09-20 08:45:04.000 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:45:04.000 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: he is called as you know the apostle of the indies -Output Transcription: he is called as you know the apostle of the indies -2021-09-20 08:45:04.000 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:45:04.000 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: indeed he had looked away with the purpose of not seeing it -Output Transcription: indeed he had looked away with the purpose of not seeing it -2021-09-20 08:45:04.001 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:45:04.001 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: dorcas in her strange way was moved -Output Transcription: dorcas in her strange way was moved -2021-09-20 08:45:04.001 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:45:04.001 | INFO | deepspeech2x.model:test:372 - Error rate [wer] (800/?) = 0.083786 -2021-09-20 08:45:04.785 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the goat's warlike spirit was roused by this successful attack -Output Transcription: the goat's warlike spirit was roused by this successful attack -2021-09-20 08:45:04.786 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:45:04.787 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: don't mind it polly whispered jasper twasn't her fault -Output Transcription: don't mind it polly whispered jasper wasn't her fault -2021-09-20 08:45:04.788 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.111111 -2021-09-20 08:45:04.789 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: no names please said holmes as we knocked at gilchrist's door -Output Transcription: no names please said holmes as we knocked a gilchrist or -2021-09-20 08:45:04.790 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.272727 -2021-09-20 08:45:04.791 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: to be or not to be that is the question whether tis nobler -Output Transcription: to be or not to be that is the question whether tis nobler -2021-09-20 08:45:04.791 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:45:04.792 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: it is sixteen years since john bergson died -Output Transcription: it is sixteen years since john burges and died -2021-09-20 08:45:04.793 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.250000 -2021-09-20 08:45:04.793 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: rejoice in thy own fresh youth -Output Transcription: rejoice in my own fresh youth -2021-09-20 08:45:04.794 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.166667 -2021-09-20 08:45:04.794 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: lieutenant crosstrees is a very gallant officer -Output Transcription: lieutenant cross trees is a very gallant officer -2021-09-20 08:45:04.795 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.285714 -2021-09-20 08:45:04.795 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: we have heard something of your story said kenneth and are interested in it -Output Transcription: we have heard something of your story said kenneth and are interested in it -2021-09-20 08:45:04.796 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:45:04.796 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: there seems no good reason for believing that it will change -Output Transcription: there seems no good reason for believing that it will change -2021-09-20 08:45:04.796 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:45:04.798 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: it is the only amends i ask of you for the wrong you have done me -Output Transcription: it is the only immense i ask of you for the wrong you have done me -2021-09-20 08:45:04.800 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.062500 -2021-09-20 08:45:04.802 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: if a fellow's been a little bit wild he's beelzebub at once -Output Transcription: if a fellow's been a little bit wild his bonds above at once -2021-09-20 08:45:04.803 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.250000 -2021-09-20 08:45:04.804 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: he unlocked the door and called here's visitors tom -Output Transcription: he unlocked the door and called here's visitors tom -2021-09-20 08:45:04.804 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:45:04.804 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: why it's goliath as usual they both cried peering in -Output Transcription: why it's goliath as usual they both cried peering in -2021-09-20 08:45:04.804 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:45:04.805 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: sir kennington oval is a very fine player said my wife -Output Transcription: sir kennington oval is a very fine player said my wife -2021-09-20 08:45:04.805 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:45:04.805 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i haven't had a chance yet to tell you what a jolly little place i think this is -Output Transcription: i haven't had a chance yet to tell you what a jolly little place i think this is -2021-09-20 08:45:04.805 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:45:04.807 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: when did you come bartley and how did it happen you haven't spoken a word -Output Transcription: why did you come partly and how did it happen you haven't spoken a word -2021-09-20 08:45:04.809 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.133333 -2021-09-20 08:45:04.810 | INFO | deepspeech2x.model:test:372 - Error rate [wer] (816/?) = 0.083774 -2021-09-20 08:45:05.590 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the departure was not at all agreeable -Output Transcription: the departure was not at all agreeable -2021-09-20 08:45:05.591 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:45:05.591 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: watson i have always done you an injustice there are others -Output Transcription: watson i have always done you an injustice there are others -2021-09-20 08:45:05.591 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:45:05.593 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: he mentions the apostles first because they were appointed directly by god -Output Transcription: he mentions the apostles first because they are pointed directly by god -2021-09-20 08:45:05.594 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.166667 -2021-09-20 08:45:05.594 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i had a horrid dream about him last night that -Output Transcription: i had a horrid dream about him last night that -2021-09-20 08:45:05.595 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:45:05.595 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: but was that all her reward one of the ladies asked -Output Transcription: but was that all her reward one of the ladies asked -2021-09-20 08:45:05.595 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:45:05.595 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: uncas cast his skin and stepped forth in his own beautiful proportions -Output Transcription: uncas cast his skin and stepped forth in his own beautiful proportions -2021-09-20 08:45:05.596 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:45:05.596 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: and towards christmas he was one of the first that was cut down -Output Transcription: and towards christmas he was one of the first that was cut down -2021-09-20 08:45:05.596 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:45:05.596 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the arrow pierced his heart and wounded him mortally -Output Transcription: the arrow pierced his heart and wounded him mortally -2021-09-20 08:45:05.597 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:45:05.597 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: as used in the speech of everyday life the word carries an undertone of deprecation -Output Transcription: as used in the speech of everyday life the word carries an undertone of deprecation -2021-09-20 08:45:05.597 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:45:05.597 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: most of all robin thought of his father what would he counsel -Output Transcription: most of all robin thought of his father what would he counsel -2021-09-20 08:45:05.598 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:45:05.598 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: they regained their apartment apparently without disturbing the household of gamewell -Output Transcription: they regained their apartment apparently without disturbing the household of gamewell -2021-09-20 08:45:05.598 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:45:05.598 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: to all these inquiries the count responded in the affirmative -Output Transcription: to all these inquiries the count responded in the affirmative -2021-09-20 08:45:05.599 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:45:05.600 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: not once did he comment on the length or the hardships of a journey -Output Transcription: not once did he comment on the length or the hardships of the journey -2021-09-20 08:45:05.602 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.071429 -2021-09-20 08:45:05.602 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i like you still rachel i'm sure i'll always like you -Output Transcription: i like you still rachel i'm sure i'll always like you -2021-09-20 08:45:05.603 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:45:05.603 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i thought it therefore my duty when i left school to become a governess -Output Transcription: i thought it therefore my duty when i left school to become a governess -2021-09-20 08:45:05.603 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:45:05.605 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: he shall not leave you day or night whether you are working or playing or sleeping -Output Transcription: you shall not leave you day or night whether you were working or playing or sleeping -2021-09-20 08:45:05.607 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.125000 -2021-09-20 08:45:05.608 | INFO | deepspeech2x.model:test:372 - Error rate [wer] (832/?) = 0.082196 -2021-09-20 08:45:06.379 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the young man is in bondage and much i fear his death is decreed -Output Transcription: the young man is in bondage and much i fear his death is decreed -2021-09-20 08:45:06.380 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:45:06.381 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: that was but rustling of dripping plants in the dark -Output Transcription: that was but rustling of tripping plants in the dark -2021-09-20 08:45:06.382 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.100000 -2021-09-20 08:45:06.383 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: madame quinson besides can answer your enquiries -Output Transcription: madame when a besides can answer your inquiries -2021-09-20 08:45:06.384 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.428571 -2021-09-20 08:45:06.385 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i reside in the marais rue de douze portes -Output Transcription: i reside in the mare grew did this port -2021-09-20 08:45:06.386 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.555556 -2021-09-20 08:45:06.386 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: we have never understood this sort of objections -Output Transcription: we have never understood this sort of objections -2021-09-20 08:45:06.386 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:45:06.386 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: yes so they said but that would i think have been worse -Output Transcription: yes so they said but that would i think have been worse -2021-09-20 08:45:06.387 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:45:06.387 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: it was a deliberate theft from his employers to protect a girl he loved -Output Transcription: it was a deliberate theft from his employers to protect a girl he loved -2021-09-20 08:45:06.387 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:45:06.387 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: he is my esquire excellency returned robin with dignity -Output Transcription: he is my esquire excellency returned robin with dignity -2021-09-20 08:45:06.388 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:45:06.390 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: they were received in the little office by a man named markham who was the jailer -Output Transcription: they were received in the little office by a man named marcum who was the jailer -2021-09-20 08:45:06.392 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.062500 -2021-09-20 08:45:06.392 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: just smell the wild roses they are always so spicy after a rain -Output Transcription: just smell the wild roses they are always so spicy after a rain -2021-09-20 08:45:06.392 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:45:06.393 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: if she does not know how to estimate her own value i do -Output Transcription: if she does not know how to estimate her own value i do -2021-09-20 08:45:06.393 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:45:06.394 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: a montfichet a montfichet gamewell to the rescue -Output Transcription: a mortice or montrachet game well to the rescue -2021-09-20 08:45:06.395 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.625000 -2021-09-20 08:45:06.397 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: so i lived and now am your tooth thrall well it is the luck of war -Output Transcription: so i lived and now in your tooth thrall well it is the luck of war -2021-09-20 08:45:06.399 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.062500 -2021-09-20 08:45:06.399 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: there's one and there's another the dudley and the flint -Output Transcription: there's one and there's another the dudley and the flint -2021-09-20 08:45:06.400 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:45:06.401 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: oh no jasper i must go by my very own self -Output Transcription: oh no chapter i must go by my very own self -2021-09-20 08:45:06.402 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.090909 -2021-09-20 08:45:06.404 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: and emil mowed his way slowly down toward the cherry trees -Output Transcription: and a meal made his way slowly down toward the cherry trees -2021-09-20 08:45:06.405 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.272727 -2021-09-20 08:45:06.405 | INFO | deepspeech2x.model:test:372 - Error rate [wer] (848/?) = 0.082928 -2021-09-20 08:45:09.686 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i know no such place said the tree -Output Transcription: i know no such place said the tree -2021-09-20 08:45:09.687 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:45:09.688 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i was in such a hurry to come to you you left your door open -Output Transcription: i was in such a hurry to come to you you left your door open -2021-09-20 08:45:09.688 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:45:09.688 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: nothing new weather unchanged the wind freshens -Output Transcription: nothing new whether unchanged the wind freshens -2021-09-20 08:45:09.689 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.142857 -2021-09-20 08:45:09.690 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: and fearest thou because i vanish and am seen no more -Output Transcription: and first thou because i vanish and am see no more -2021-09-20 08:45:09.691 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.181818 -2021-09-20 08:45:09.693 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: so i will give out this law that my men shall never leave you alone -Output Transcription: so i will give up this law that my men shall never leave you alone -2021-09-20 08:45:09.695 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.066667 -2021-09-20 08:45:09.696 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: a cold lucid indifference reigned in his soul -Output Transcription: a cold lucid indifference reigned in his soul -2021-09-20 08:45:09.696 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:45:09.696 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i am my dear and all strangers are welcome to my home -Output Transcription: i am my dear and all strangers are welcome to my home -2021-09-20 08:45:09.696 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:45:09.698 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: well i'm going as an engineer you can go as one -Output Transcription: well i'm going as an engineer you could go as one -2021-09-20 08:45:09.699 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.090909 -2021-09-20 08:45:09.699 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: he felt for and found the wizard's black cloth the squire was quite out of breath -Output Transcription: he felt for and found the wizard's black cloth the squire was quite out of breath -2021-09-20 08:45:09.699 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:45:09.700 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: that is a very fine cap you have he said -Output Transcription: that is a very fine cap you have he said -2021-09-20 08:45:09.700 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:45:09.702 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: when they were outside unc simply latched the door and started up the path -Output Transcription: when they were outside on simply elapsed the door and started up the path -2021-09-20 08:45:09.703 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.142857 -2021-09-20 08:45:09.704 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: there's many a one considerably older than i am -Output Transcription: there's many a one considerably older than i am -2021-09-20 08:45:09.704 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:45:09.704 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: he is not well he has come over the ocean for rest and change of scene -Output Transcription: he is not well he has come over the ocean for rest and change of scene -2021-09-20 08:45:09.704 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:45:09.705 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the livery becomes obnoxious to nearly all who are required to wear it -Output Transcription: the livery becomes obnoxious to nearly all who are required to wear it -2021-09-20 08:45:09.705 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:45:09.706 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: oh say that's different observed markham altering his demeanor -Output Transcription: i'll say that's different observed markham altering his demeanor -2021-09-20 08:45:09.707 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.111111 -2021-09-20 08:45:09.709 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: it might have seemed that a trout of this size was a fairly substantial meal -Output Transcription: min have seemed that a trout of this size was a fairly substantial meal -2021-09-20 08:45:09.711 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.133333 -2021-09-20 08:45:09.711 | INFO | deepspeech2x.model:test:372 - Error rate [wer] (864/?) = 0.082138 -2021-09-20 08:45:11.839 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the proof was in three long slips i had left them all together -Output Transcription: the proof was in three long slips i had left them all together -2021-09-20 08:45:11.840 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:45:11.842 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: it can't hurt anything i'm sure for we won't disturb things at all -Output Transcription: i can't hear anything i'm sure for we won't disturb things at all -2021-09-20 08:45:11.844 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.153846 -2021-09-20 08:45:11.844 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the air is heavy the sea is calm -Output Transcription: the air is heavy the sea is calm -2021-09-20 08:45:11.844 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:45:11.844 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: as our boat flashed down the rollers into the water i made this song and sang it -Output Transcription: as our boat flashed down the rollers into the water i made this song and sang it -2021-09-20 08:45:11.845 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:45:11.845 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: let us begin with that his commentary on galatians -Output Transcription: let us begin with that his commentary on galatians -2021-09-20 08:45:11.845 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:45:11.846 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: their sufferings have never yet been fitly chronicled by human scribe -Output Transcription: their sufferings have never yet been fiddly chronicle by human scribe -2021-09-20 08:45:11.848 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.181818 -2021-09-20 08:45:11.848 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: that is why we cry education science -Output Transcription: that is why we cry education science -2021-09-20 08:45:11.848 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:45:11.850 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: he was like unto my father in a way and yet was not my father -Output Transcription: he was like my father in a way and yet was not my father -2021-09-20 08:45:11.852 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.066667 -2021-09-20 08:45:11.852 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: what is your name lording asked the little stroller presently -Output Transcription: what is your name lording asked the little stroller presently -2021-09-20 08:45:11.852 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:45:11.853 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: and why it scatters its bright beauty thro the humid air -Output Transcription: and why it scatters its bright beauty through the humid air -2021-09-20 08:45:11.855 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.090909 -2021-09-20 08:45:11.855 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: above all things i desire to settle the matter quietly and discreetly -Output Transcription: above all things i desire to settle the matter quietly and discreetly -2021-09-20 08:45:11.855 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:45:11.855 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: he worked me very hard he wanted to be beating me all the time -Output Transcription: he worked me very hard he wanted to be beating me all the time -2021-09-20 08:45:11.856 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:45:11.856 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: our first impressions of people are in nine cases out of ten the right impressions -Output Transcription: our first impressions of people are in nine cases out of ten the right impressions -2021-09-20 08:45:11.856 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:45:11.856 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i had again been acting under the influence of this man's power -Output Transcription: i had again been acting under the influence of this man's power -2021-09-20 08:45:11.857 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:45:11.859 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: there was no chance to alter his sleeping room to one nearer to gamewell's chamber -Output Transcription: there was no chance to alter his sleeping room to one nearer to game wells chamber -2021-09-20 08:45:11.861 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.133333 -2021-09-20 08:45:11.862 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: exclaimed bill harmon to his wife as they went through the lighted hall -Output Transcription: exclaimed barreto his wife as they went through the light at hall -2021-09-20 08:45:11.864 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.384615 -2021-09-20 08:45:11.864 | INFO | deepspeech2x.model:test:372 - Error rate [wer] (880/?) = 0.081729 -2021-09-20 08:45:12.783 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: he was still suffering from this sudden disturbance of the quiet routine of his life -Output Transcription: he was still suffering from this sudden disturbance of the quiet routine of his life -2021-09-20 08:45:12.783 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:45:12.784 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: she asked impulsively i didn't believe you could persuade her father -Output Transcription: she asked impulsively i didn't believe you could persuade her father -2021-09-20 08:45:12.784 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:45:12.784 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: nothing more not even the wrist to which it might be attached -Output Transcription: nothing more not even the wrist to which it might be attached -2021-09-20 08:45:12.785 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:45:12.788 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: we will go out together to the bower there is a way down to the court from my window -Output Transcription: we will go out together to the power there is a way down to the court from my window -2021-09-20 08:45:12.791 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.052632 -2021-09-20 08:45:12.791 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: thank you rachel my cousin rachel my only friend -Output Transcription: thank you rachel my cousin rachel my only friend -2021-09-20 08:45:12.791 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:45:12.792 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: and i should begin with a short homily on soliloquy -Output Transcription: and i shall begin with a short homily on soliloquy -2021-09-20 08:45:12.793 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.100000 -2021-09-20 08:45:12.794 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: do not therefore think that the gothic school is an easy one -Output Transcription: do not therefore think that the gothic schools and easy one -2021-09-20 08:45:12.796 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.250000 -2021-09-20 08:45:12.796 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: will you leave me alone in my own room or must i go away to escape you -Output Transcription: will you leave me alone in my own room or must i go away to escape you -2021-09-20 08:45:12.796 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:45:12.796 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: that's not much of a job for an athlete here i've been to town and back -Output Transcription: that's not much of a job for an athlete here i've been to town and back -2021-09-20 08:45:12.797 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:45:12.798 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: in person welcome aboard professor your cabin is waiting for you -Output Transcription: in person welcome boy professor your cabin is waiting for you -2021-09-20 08:45:12.799 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.090909 -2021-09-20 08:45:12.799 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the bear shook his shaggy sides and then a well known voice replied -Output Transcription: the bear shook his shaggy sides and then a well known voice replied -2021-09-20 08:45:12.800 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:45:12.800 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: but how did she manage to render it so fashionable -Output Transcription: but how did she manage to render it so fashionable -2021-09-20 08:45:12.800 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:45:12.802 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: do you know i thought the dance a bit conscious to night for the first time -Output Transcription: you know i thought the dance of conscious tonight for the first time -2021-09-20 08:45:12.804 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.312500 -2021-09-20 08:45:12.806 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: well now ennis i declare you have a head and so has my stick -Output Transcription: well now is i declare you have a head and so has my stick -2021-09-20 08:45:12.807 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.071429 -2021-09-20 08:45:12.808 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: angor pain painful to hear -Output Transcription: anger pain painful to hear -2021-09-20 08:45:12.808 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.200000 -2021-09-20 08:45:12.810 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i like to talk to carl about new york and what a fellow can do there -Output Transcription: i like to talk to carl about new york on what a fellow can do there -2021-09-20 08:45:12.812 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.062500 -2021-09-20 08:45:12.813 | INFO | deepspeech2x.model:test:372 - Error rate [wer] (896/?) = 0.081355 -2021-09-20 08:45:13.711 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: come to me men here here he raised his voice still louder -Output Transcription: come to me men here here he raised his voice still louder -2021-09-20 08:45:13.712 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:45:13.714 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: good gracious has the king any right to interfere in matters of that kind -Output Transcription: good gracious as the king any right to interfere in matters of that kind -2021-09-20 08:45:13.716 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.071429 -2021-09-20 08:45:13.716 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: but cap'n bill made no such attempt knowing it would be useless -Output Transcription: but cap'n bill made no such attempt knowing it would be useless -2021-09-20 08:45:13.717 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:45:13.717 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: said another voice which i recognized as voltaire's kaffar -Output Transcription: said another voice which i recognized as vultures car -2021-09-20 08:45:13.718 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.222222 -2021-09-20 08:45:13.719 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: lend me your ear for ten minutes and you shall learn just what stagecraft is -Output Transcription: lend me your ear for ten minutes and you shall learn just what stagecraft is -2021-09-20 08:45:13.719 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:45:13.719 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i felt it in my bones when i woke this morning that something splendid was going to turn up -Output Transcription: i felt it in my bones when i woke this morning that something splendid was going to turn up -2021-09-20 08:45:13.719 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:45:13.720 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: there there he said soothingly patting her brown fuzzy head -Output Transcription: there there he said soothingly patting her brown fuzzy head -2021-09-20 08:45:13.720 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:45:13.720 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: before them fled the stroller and his three sons capless and terrified -Output Transcription: before them fled the stroller and his three sons capless and terrified -2021-09-20 08:45:13.720 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:45:13.722 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: were i in the warm room with all the splendor and magnificence -Output Transcription: where i and the warm room with all that splendour and magnificence -2021-09-20 08:45:13.723 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.333333 -2021-09-20 08:45:13.725 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: hers happened to be in the same frame too but she evidently didn't care about that -Output Transcription: hers happened to be on the same frame too but she evidently didn't care about it -2021-09-20 08:45:13.727 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.125000 -2021-09-20 08:45:13.728 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: does your majesty then no longer believe the disloyal attempt -Output Transcription: does your majesty then no longer believe the disloyal attempt -2021-09-20 08:45:13.728 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:45:13.729 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the duchess of southbridge to lord reggie oh reggie what did you say -Output Transcription: the doctors of southbridge to lord reggie already what did you say -2021-09-20 08:45:13.731 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.230769 -2021-09-20 08:45:13.731 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i will take the black clay with me also the pencil cuttings good bye -Output Transcription: i will take the black clay with me also the pencil cuttings good bye -2021-09-20 08:45:13.731 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:45:13.733 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: is thy father willing thee should go away to a school of the world's people -Output Transcription: is thy father willing they should go away to a school of the world's people -2021-09-20 08:45:13.735 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.066667 -2021-09-20 08:45:13.736 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: who is humpy dumpy asked the mice -Output Transcription: who is hump don't p asked the ice -2021-09-20 08:45:13.737 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.571429 -2021-09-20 08:45:13.738 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: milligram roughly one twenty eight thousand of an ounce -Output Transcription: milligram roughly one twenty eight thousand of an as -2021-09-20 08:45:13.738 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.111111 -2021-09-20 08:45:13.739 | INFO | deepspeech2x.model:test:372 - Error rate [wer] (912/?) = 0.081588 -2021-09-20 08:45:14.676 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: you left him in a chair you say which chair by the window there -Output Transcription: you left him in a chair you say which chair by the window there -2021-09-20 08:45:14.677 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:45:14.679 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the squares of cotton sharp edged heavy were just about to burst to bolls -Output Transcription: the squares of cotton sharp edged heavy we're just about to purse to balls -2021-09-20 08:45:14.680 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.214286 -2021-09-20 08:45:14.681 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: he was in deep converse with the clerk and entered the hall holding him by the arm -Output Transcription: he was in deep converse with the clerk and entered the hall holding him by the arm -2021-09-20 08:45:14.681 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:45:14.682 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: nay nay lording answered warrenton with a half laugh -Output Transcription: nay nay luring answered warrenton with a half laugh -2021-09-20 08:45:14.683 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.111111 -2021-09-20 08:45:14.685 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: well well don't trouble to answer listen and see that i do you no injustice -Output Transcription: well out don't trouble to answer listen and see that i do you know injustice -2021-09-20 08:45:14.687 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.133333 -2021-09-20 08:45:14.687 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: he seemed born to please without being conscious of the power he possessed -Output Transcription: he seemed born to please without being conscious of the power he possessed -2021-09-20 08:45:14.687 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:45:14.688 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: certainly sire but i must have money to do that what -Output Transcription: certainly sir but i must have money to do that what -2021-09-20 08:45:14.690 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.090909 -2021-09-20 08:45:14.690 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: alas i have grieved so i am hard to love -Output Transcription: alas i have grieved so i am hard to love -2021-09-20 08:45:14.690 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:45:14.690 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: again he searched his own thoughts nor ineffectually as before -Output Transcription: again he searched his own thoughts nor ineffectually as before -2021-09-20 08:45:14.691 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:45:14.691 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the hair was of brown yarn and hung down on her neck in several neat braids -Output Transcription: the hair was of brown yarn and hung down on her neck in several neat braids -2021-09-20 08:45:14.691 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:45:14.693 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: don't i though i'm so sorry to hear it how did her son turn out -Output Transcription: don't i though am so sorry to hear it how did her son turn out -2021-09-20 08:45:14.695 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.066667 -2021-09-20 08:45:14.695 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: length of service fourteen years three months and five days -Output Transcription: length of service fourteen years three months and five days -2021-09-20 08:45:14.695 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:45:14.696 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: like as not young master though i am an old man -Output Transcription: like as not young master though i am an old man -2021-09-20 08:45:14.696 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:45:14.696 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i had to read it over carefully as the text must be absolutely correct -Output Transcription: i had to read it over carefully as the text must be absolutely correct -2021-09-20 08:45:14.696 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:45:14.697 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: we are quite satisfied now captain battleax said my wife -Output Transcription: we are quite satisfied now captain battle axe said my wife -2021-09-20 08:45:14.699 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.200000 -2021-09-20 08:45:14.700 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: descend o little cloud and hover before the eyes of thel -Output Transcription: to send a little cloud and hovered before the eyes of hell -2021-09-20 08:45:14.701 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.454545 -2021-09-20 08:45:14.701 | INFO | deepspeech2x.model:test:372 - Error rate [wer] (928/?) = 0.081423 -2021-09-20 08:45:15.612 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: why an ear a whirlpool fierce to draw creations in -Output Transcription: why an ear a whirlpool fierce to draw creations in -2021-09-20 08:45:15.613 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:45:15.615 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i'm sure alexandra hopes you will stay on here she murmured -Output Transcription: i am sure alexander helps you will stay on here she murmured -2021-09-20 08:45:15.616 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.363636 -2021-09-20 08:45:15.616 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: won't you run into the house and see if martha can't spare one or two more maids -Output Transcription: won't you run into the house and see if martha can't spare one or two more maids -2021-09-20 08:45:15.616 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:45:15.617 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i will ask the least imaginable but i must have something -Output Transcription: i will ask the least imaginable but i must have something -2021-09-20 08:45:15.617 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:45:15.617 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: a more dreary and more disunited family party i never sat at the table with -Output Transcription: a more dreary and more disunited family party i never sat at the table with -2021-09-20 08:45:15.617 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:45:15.618 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: anyhow we'll leave instructions to ship the whole menagerie to france -Output Transcription: anyhow we'll leave instructions to ship the whole menagerie to france -2021-09-20 08:45:15.618 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:45:15.618 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: what can you mean by that miss woodley you talk mysteriously -Output Transcription: what can you mean by that miss woodley you talk mysteriously -2021-09-20 08:45:15.618 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:45:15.619 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: those huge creatures attacked each other with the greatest animosity -Output Transcription: those huge creatures attacked each other with the greatest animosity -2021-09-20 08:45:15.619 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:45:15.621 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: he called this sea a pond and our long voyage taking a little sail -Output Transcription: he called the sea upon and or long for wage taking a little sail -2021-09-20 08:45:15.622 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.428571 -2021-09-20 08:45:15.623 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: a word should now be said about the origin of luther's commentary on galatians -Output Transcription: a word should now be said about the origin of luther's commentary on galatians -2021-09-20 08:45:15.623 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:45:15.624 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: he keeps the thou shalt not commandments first rate hen lord does -Output Transcription: he keeps that thou shalt not commandments first rate and lord does -2021-09-20 08:45:15.626 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.166667 -2021-09-20 08:45:15.626 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the moment i looked at my table i was aware that someone had rummaged among my papers -Output Transcription: the moment i looked at my table i was aware that someone had rummaged among my papers -2021-09-20 08:45:15.626 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:45:15.626 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: perhaps the other trees from the forest will come to look at me -Output Transcription: perhaps the other trees from the forest will come to look at me -2021-09-20 08:45:15.627 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:45:15.628 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i cannot deny myself the gratification of inserting southey's reply -Output Transcription: i cannot deny myself the gratification of inserting so these reply -2021-09-20 08:45:15.629 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.200000 -2021-09-20 08:45:15.629 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: no doubt in process of time the ladies will follow -Output Transcription: no doubt in process of time the ladies will follow -2021-09-20 08:45:15.629 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:45:15.630 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: and in this last action he falls into the classic sin of pride -Output Transcription: and in this last action he falls into the classic sin of pride -2021-09-20 08:45:15.630 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:45:15.630 | INFO | deepspeech2x.model:test:372 - Error rate [wer] (944/?) = 0.081154 -2021-09-20 08:45:16.566 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i am very uneasy about it whatever it is i can't help it -Output Transcription: i am very uneasy about it whatever it is i can't help it -2021-09-20 08:45:16.567 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:45:16.568 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: each day has its own great grief or its little care -Output Transcription: each day has its own great green for its little care -2021-09-20 08:45:16.569 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.181818 -2021-09-20 08:45:16.572 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: then i will get me a farm and will winter in that land now who will follow me -Output Transcription: then i will get me a farm will winner in that land now who will follow me -2021-09-20 08:45:16.574 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.111111 -2021-09-20 08:45:16.576 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: and he made a little dip of his cane towards brandon hall over his shoulder -Output Transcription: and he made a little dip of his cane towards branded all over his shoulder -2021-09-20 08:45:16.578 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.133333 -2021-09-20 08:45:16.579 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: this knowledge is memory in one sense though in another it is not -Output Transcription: this knowledge is memory in one sense though in another it is not -2021-09-20 08:45:16.579 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:45:16.579 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: and what was the subject of the poem said the person who made the remark -Output Transcription: and what was the subject of the poem said the person who made the remark -2021-09-20 08:45:16.579 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:45:16.582 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the hours passed wearily by and movement could yet be heard about the hall -Output Transcription: the hours past wearily by and movement could yet be heard about the hall -2021-09-20 08:45:16.583 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.071429 -2021-09-20 08:45:16.586 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: he might have had that forged check for the face of it if he'd been sharp -Output Transcription: he might have had that for check for the face of it if he'd been sharp -2021-09-20 08:45:16.588 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.062500 -2021-09-20 08:45:16.588 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: john taylor who had supported her through college was interested in cotton -Output Transcription: john taylor who had supported her through college was interested in cotton -2021-09-20 08:45:16.588 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:45:16.589 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: people suffer in the light excess burns -Output Transcription: people suffer in the light excess burns -2021-09-20 08:45:16.589 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:45:16.590 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: come forth worm and the silent valley to thy pensive queen -Output Transcription: come forth worm in the silent valley to thy pensive queen -2021-09-20 08:45:16.591 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.090909 -2021-09-20 08:45:16.593 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: that a style is restrained or severe does not mean that it is also erroneous -Output Transcription: that style is restrained or severe does not mean that it is also erroneous -2021-09-20 08:45:16.595 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.066667 -2021-09-20 08:45:16.595 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: it was the indian whose dark silhouette appeared suddenly upon his blind -Output Transcription: it was the indian whose dark silhouette appeared suddenly upon his blind -2021-09-20 08:45:16.595 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:45:16.597 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: then she gave a little laugh and replied no miss beth i'm elizabeth parsons -Output Transcription: then she gave a little laugh and replied no miss beth am elizabeth parsons -2021-09-20 08:45:16.599 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.071429 -2021-09-20 08:45:16.599 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: vast importance and influence of this mental furnishing -Output Transcription: vast importance and influence of this mental furnishing -2021-09-20 08:45:16.599 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:45:16.601 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: servadac took it for granted that the dobryna was endeavoring to put in -Output Transcription: serv adac took it for granted that the dorina was endeavoring to put in -2021-09-20 08:45:16.603 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.230769 -2021-09-20 08:45:16.603 | INFO | deepspeech2x.model:test:372 - Error rate [wer] (960/?) = 0.080820 -2021-09-20 08:45:19.706 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: that won't last it will go away and things will be just as they used to -Output Transcription: that won't last it will go away and things will be just as they used to -2021-09-20 08:45:19.707 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:45:19.707 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: a new member of the family circle who instantly attracted my attention entered the room -Output Transcription: a new member of the family circle who instantly attracted my attention entered the room -2021-09-20 08:45:19.708 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:45:19.709 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: come and get the boolooroo she said going toward the benches -Output Transcription: come and get the coolaroo she said going toward the benches -2021-09-20 08:45:19.710 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.090909 -2021-09-20 08:45:19.711 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: consumption becomes a larger element in the standard of living in the city than in the country -Output Transcription: consumption becomes a larger element in the standard of living in the city than in the country -2021-09-20 08:45:19.711 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:45:19.711 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: he spoke simply but paced up and down the narrow cell in front of them -Output Transcription: he spoke simply but paced up and down the narrow cell in front of them -2021-09-20 08:45:19.712 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:45:19.713 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: so there is to me added sandford with a sarcastic sneer -Output Transcription: so there is to me added sanford with a sarcastic near -2021-09-20 08:45:19.714 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.181818 -2021-09-20 08:45:19.714 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: thy ways greatly try me ruth and all thy relations -Output Transcription: thy ways greatly try me ruth and all thy relations -2021-09-20 08:45:19.715 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:45:19.717 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: we'll come in here this afternoon with old clothes on and have a regular house cleaning -Output Transcription: or come in here this afternoon with old clothes on and half a regular house cleaning -2021-09-20 08:45:19.719 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.125000 -2021-09-20 08:45:19.722 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: they asked him to come to see them in chelsea and they spoke very tenderly of hilda -Output Transcription: they asked him to come to see them in chelsea and they spoke very tenderly of helder -2021-09-20 08:45:19.724 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.058824 -2021-09-20 08:45:19.726 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: she blushed and smiled and fumbled his card in her confusion before she ran upstairs -Output Transcription: she blushed and smiled and followed his card in her confusion before she ran upstairs -2021-09-20 08:45:19.728 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.066667 -2021-09-20 08:45:19.729 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: socrates begins the timaeus with a summary of the republic -Output Transcription: sovereignties begins to tears with a summary of the republic -2021-09-20 08:45:19.731 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.300000 -2021-09-20 08:45:19.731 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the modern organization of industry works in the same direction also by another line -Output Transcription: the modern organization of industry works in the same direction also by another line -2021-09-20 08:45:19.731 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:45:19.731 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i am by no means old said the fir tree -Output Transcription: i am by no means old said the fir tree -2021-09-20 08:45:19.732 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:45:19.732 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: on friday confession will be heard all the afternoon after beads -Output Transcription: on friday confession will be heard all the afternoon after beads -2021-09-20 08:45:19.732 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:45:19.733 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: father thee's unjust to philip he's going into business -Output Transcription: father these unjust to philip he's going into business -2021-09-20 08:45:19.734 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.111111 -2021-09-20 08:45:19.736 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: tis fine for you to talk old man answered the lean sullen apprentice -Output Transcription: it is fine for you to talk old man answered the lean sullen apprentice -2021-09-20 08:45:19.737 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.153846 -2021-09-20 08:45:19.738 | INFO | deepspeech2x.model:test:372 - Error rate [wer] (976/?) = 0.080358 -2021-09-20 08:45:22.057 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the hawk sat upon the branch and watched his quarry swimming beneath the surface -Output Transcription: the hawk sat upon the branch and watched his quarry swimming beneath the surface -2021-09-20 08:45:22.059 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:45:22.059 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: and besides suppose thee does learn medicine -Output Transcription: and besides suppose the does lured medicine -2021-09-20 08:45:22.060 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.285714 -2021-09-20 08:45:22.060 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: it is possible that i may be in a position then to indicate some course of action -Output Transcription: it is possible that i may be in a position then to indicate some course of action -2021-09-20 08:45:22.061 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:45:22.062 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the only cheerful conversation was the conversation across the table between naomi and me -Output Transcription: the only cheerful conversation was the conversation across the table between a man me -2021-09-20 08:45:22.064 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.142857 -2021-09-20 08:45:22.064 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i'm running for representative on the republican ticket said kenneth quietly -Output Transcription: i'm running for representative on the republican ticket said kenneth quietly -2021-09-20 08:45:22.065 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:45:22.065 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: yes but the meridian of the palais royal is the most exact -Output Transcription: yes but the meridian of the palais royal is the most exact -2021-09-20 08:45:22.065 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:45:22.067 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the salient features of this development of domestic service have already been indicated -Output Transcription: the salon features of this development of domestic service have already been indicated -2021-09-20 08:45:22.068 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.076923 -2021-09-20 08:45:22.068 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: a feeling of freedom and i was awake where -Output Transcription: a feeling of freedom and i was awake where -2021-09-20 08:45:22.069 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:45:22.069 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: once fairly a wing however he wheeled and made back hurriedly for his perch -Output Transcription: once fairly a wing however he wheeled and made back hurriedly for his perch -2021-09-20 08:45:22.069 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:45:22.070 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: positively heroic added cresswell avoiding his sister's eyes -Output Transcription: positively heroic added criswell avoiding his sister's eyes -2021-09-20 08:45:22.071 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.125000 -2021-09-20 08:45:22.072 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: tis now winter out of doors thought the tree -Output Transcription: it is now winter out of doors thought the tree -2021-09-20 08:45:22.073 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.222222 -2021-09-20 08:45:22.073 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: this thought however did not enter the heads of the enthusiastic pair -Output Transcription: this thought however did not enter the heads of the enthusiastic pair -2021-09-20 08:45:22.073 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:45:22.073 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: not at all you are on the contrary most agreeable to me -Output Transcription: not at all you are on the contrary most agreeable to me -2021-09-20 08:45:22.074 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:45:22.075 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the others resented postponement but it was just his scruples that charmed me -Output Transcription: the others resented postponement but it was just his scruples the charmed me -2021-09-20 08:45:22.077 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.076923 -2021-09-20 08:45:22.077 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: it was on the last day of january that the repairs of the schooner were completed -Output Transcription: it was on the last day of january that the repairs of the schooner were completed -2021-09-20 08:45:22.077 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:45:22.077 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the shadow of the raft was clearly outlined upon the surface of the waves -Output Transcription: the shadow of the raft was clearly outlined upon the surface of the waves -2021-09-20 08:45:22.078 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:45:22.078 | INFO | deepspeech2x.model:test:372 - Error rate [wer] (992/?) = 0.079600 -2021-09-20 08:45:22.879 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i will if timaeus approves i approve -Output Transcription: i will it to me is approves i approve -2021-09-20 08:45:22.880 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.571429 -2021-09-20 08:45:22.881 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: never mind now interposed the captain we will talk of that by and by -Output Transcription: never mind now interposed the captain we will talk of that by and by -2021-09-20 08:45:22.881 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:45:22.883 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: we sat with the officers some little time after dinner and then went ashore -Output Transcription: we sat with the officer some little time after dinner and then went ashore -2021-09-20 08:45:22.884 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.071429 -2021-09-20 08:45:22.885 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: this was what did the mischief so far as the running away was concerned -Output Transcription: this was what did the mischief so far as the running away was concerned -2021-09-20 08:45:22.885 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:45:22.886 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: once in action he was leading a detachment of infantry through an intrenchment -Output Transcription: once an action he was leading a detachment of infantry through an entrenchment -2021-09-20 08:45:22.888 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.153846 -2021-09-20 08:45:22.888 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: you have come to us threatening us with absolute destruction -Output Transcription: you have come to us threatening us with absolute destruction -2021-09-20 08:45:22.889 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:45:22.891 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: fairview was twelve miles away but by ten o'clock they drew up at the county jail -Output Transcription: fairview is twelve miles away but by ten o'clock they drew up at the county trail -2021-09-20 08:45:22.893 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.125000 -2021-09-20 08:45:22.893 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i suppose though it's too early for them then came the explosion -Output Transcription: i suppose though it's too early for them then came the explosion -2021-09-20 08:45:22.894 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:45:22.894 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: yes but perhaps i frightened her in what way -Output Transcription: yes but perhaps i frightened her in what way -2021-09-20 08:45:22.894 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:45:22.896 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: you see my friend it's an issue of the monster the notorious narwhale -Output Transcription: you see my friend it's an issue of the monster that notorious narwhal -2021-09-20 08:45:22.897 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.153846 -2021-09-20 08:45:22.898 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: pearl saw and gazed intently but never sought to make acquaintance -Output Transcription: pearl saw and gazed intently but never sought to make acquaintance -2021-09-20 08:45:22.898 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:45:22.900 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: and if i had a fortune would thee want me to lead a useless life -Output Transcription: and if i had a fortune would he want me to lead a useless life -2021-09-20 08:45:22.902 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.066667 -2021-09-20 08:45:22.903 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the phrase and the day and the scene harmonized in a chord -Output Transcription: the phrase and the day and the scene harmonized in accord -2021-09-20 08:45:22.904 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.166667 -2021-09-20 08:45:22.906 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: you see loving some one as i love you makes the whole world different -Output Transcription: you see loving someone as i love you mix the whole world different -2021-09-20 08:45:22.907 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.214286 -2021-09-20 08:45:22.908 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: olive's mournful black eyes met nancy's sparkling brown ones -Output Transcription: olives mournful black eyes meant nancy sparkling brown lands -2021-09-20 08:45:22.909 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.444444 -2021-09-20 08:45:22.910 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: a cold bright moon was shining with clear sharp lights and shadows -Output Transcription: a cold bright moon was shining with clear sharp lights and shadows -2021-09-20 08:45:22.910 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:45:22.910 | INFO | deepspeech2x.model:test:372 - Error rate [wer] (1008/?) = 0.080209 -2021-09-20 08:45:23.749 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: it is necessary therefore that he should comply the king frowned -Output Transcription: it is necessary therefore that he should comply the king frowned -2021-09-20 08:45:23.751 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:45:23.751 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: but this was what the tree could not bear to hear -Output Transcription: but this was what the tree could not bear to hear -2021-09-20 08:45:23.751 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:45:23.753 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: is thee going to the yearly meeting ruth asked one of the girls -Output Transcription: is the going to the yearly meeting ruth asked one of the girls -2021-09-20 08:45:23.754 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.076923 -2021-09-20 08:45:23.755 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: but the plant ran and it was the first three wire station in this country -Output Transcription: but the plant ran and it was the first three wire station in this country -2021-09-20 08:45:23.755 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:45:23.757 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: what of the farm olaf not yet i answered viking is better for summer -Output Transcription: what is the farm all off not yet i answered biking is better for summer -2021-09-20 08:45:23.759 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.285714 -2021-09-20 08:45:23.761 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: some girl has been here twice to interview my men and i have refused to admit her -Output Transcription: some girl has been in here twice to interview my men and i have refused to admit her -2021-09-20 08:45:23.764 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.058824 -2021-09-20 08:45:23.764 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: we ought to have more attendants beth said louise approaching her cousin -Output Transcription: we ought to have more attendants beth said louise approaching her cousin -2021-09-20 08:45:23.764 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:45:23.767 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: as a matter of fact he could not said soames for i entered by the side door -Output Transcription: as a matter of fact he could not said solms for i entered by the side door -2021-09-20 08:45:23.769 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.058824 -2021-09-20 08:45:23.771 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: master monceux the sheriff of nottingham was mightily put about when told of the rioting -Output Transcription: master monceau the sheriff of nottingham was mightily put about when told of the rioting -2021-09-20 08:45:23.773 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.066667 -2021-09-20 08:45:23.773 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: nature of the effect produced by early impressions -Output Transcription: nature of the effect produced by early impressions -2021-09-20 08:45:23.773 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:45:23.774 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the army found the people in poverty and left them in comparative wealth -Output Transcription: the army found the people in poverty and left them in comparative wealth -2021-09-20 08:45:23.774 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:45:23.775 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: you hear what sir ferdinando brown has said replied captain battleax -Output Transcription: you hear what sir ferdinand o brown a sad replied captain battle axe -2021-09-20 08:45:23.777 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.545455 -2021-09-20 08:45:23.778 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: can you imagine why buckingham has been so violent i suspect -Output Transcription: can you imagine my buckingham has been so violent i suspect -2021-09-20 08:45:23.779 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.090909 -2021-09-20 08:45:23.779 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: there is even a white row of beehives in the orchard under the walnut trees -Output Transcription: there is even a white row of beehives in the orchard under the walnut trees -2021-09-20 08:45:23.779 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:45:23.780 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i am not depreciating it when i say that in these times it is not rare -Output Transcription: i am not depreciating it when i say that in these times it is not rare -2021-09-20 08:45:23.780 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:45:23.780 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the servants as well as the young ladies decorated it -Output Transcription: the servants as well as the young ladies decorated it -2021-09-20 08:45:23.780 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:45:23.781 | INFO | deepspeech2x.model:test:372 - Error rate [wer] (1024/?) = 0.080017 -2021-09-20 08:45:24.694 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i did not wrong myself so but i placed a wrong on thee -Output Transcription: i did not wrong myself so but i placed a wrong on the -2021-09-20 08:45:24.696 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.076923 -2021-09-20 08:45:24.697 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the parliament and the scots laid their proposals before the king -Output Transcription: the parliament and the scots laid their proposals before the king -2021-09-20 08:45:24.697 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:45:24.697 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i am not complaining that the rate is slow but that the sea is so wide -Output Transcription: i am not complaining that the rate is slow but that the sea is so wide -2021-09-20 08:45:24.698 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:45:24.700 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: on the other hand we are not to regard them as so terrible that we must despair -Output Transcription: on the other hand we are not to regard them is so terrible that we must despair -2021-09-20 08:45:24.703 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.058824 -2021-09-20 08:45:24.704 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: gentlemen to your posts whereupon saint aignan and villeroy took their leave -Output Transcription: gentleman to your posts whereupon saint and yon and valerio their leave -2021-09-20 08:45:24.705 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.416667 -2021-09-20 08:45:24.706 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: why one morning there came a quantity of people and set to work in the loft -Output Transcription: why one morning there came a quantity of people and set to work in the loft -2021-09-20 08:45:24.706 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:45:24.706 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: would not the loftiest eminences of the city at least be visible -Output Transcription: would not the loftiest eminences of the city at least be visible -2021-09-20 08:45:24.706 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:45:24.707 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: something better something still grander must follow but what -Output Transcription: something better something still grandeur must follow but what -2021-09-20 08:45:24.708 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.111111 -2021-09-20 08:45:24.708 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: yet these thoughts affected hester prynne less with hope than apprehension -Output Transcription: yet these thoughts affected hester prynne less with hope than apprehension -2021-09-20 08:45:24.709 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:45:24.710 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: at the emerald city where our princess ozma lives green is the popular color -Output Transcription: at the emerald city where our princess ozma lives green is a popular color -2021-09-20 08:45:24.712 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.071429 -2021-09-20 08:45:24.715 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: bartley started when hilda rang the little bell beside her dear me why did you do that -Output Transcription: partly started when held to ring a little belt beside her dear me why did you do that -2021-09-20 08:45:24.717 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.352941 -2021-09-20 08:45:24.720 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: it wasn't simply that she said so but that i knew she hadn't i was sure i could see -Output Transcription: boston simply that she said so but that i knew she hadn't i was sure i could see -2021-09-20 08:45:24.723 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.105263 -2021-09-20 08:45:24.724 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: in a general way though not wholly nor consistently these two groups coincide -Output Transcription: in a general way though not wholly not consistently these two groups coincide -2021-09-20 08:45:24.726 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.076923 -2021-09-20 08:45:24.728 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: it was very jolly he murmured lazily as marie came in to take away the coffee -Output Transcription: it was a very jolly he murmured lazily as marie came in to take away the coffee -2021-09-20 08:45:24.731 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.062500 -2021-09-20 08:45:24.731 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: for a long time he had wished to explore the beautiful land of oz in which they lived -Output Transcription: for a long time he had wished to explore the beautiful land of oz in which they lived -2021-09-20 08:45:24.731 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:45:24.733 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: paul takes pride in his ministry not to his own praise but to the praise of god -Output Transcription: politics pride in his ministry not to his own phrase but to the praise of god -2021-09-20 08:45:24.736 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.176471 -2021-09-20 08:45:24.736 | INFO | deepspeech2x.model:test:372 - Error rate [wer] (1040/?) = 0.080390 -2021-09-20 08:45:25.707 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: let us retrace our steps and examine as we go with keener eyes -Output Transcription: let us retrace our steps and examine as we go with keener eyes -2021-09-20 08:45:25.708 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:45:25.710 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: a little bit of plaster tumbled down the chimney and startled me confoundedly -Output Transcription: a little bit of plaster tumbled down the chimney and startled me confounded ly -2021-09-20 08:45:25.711 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.153846 -2021-09-20 08:45:25.713 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: and my pocket money is getting low again and you haven't any left as usual -Output Transcription: and my pocket money is getting low again and you have any left as usual -2021-09-20 08:45:25.715 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.066667 -2021-09-20 08:45:25.717 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: this passage then bears out the fact that all men are sold under sin -Output Transcription: this passage then bears out the fact that all men or sold under sin -2021-09-20 08:45:25.719 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.071429 -2021-09-20 08:45:25.721 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i am stiff with long sitting he said i itch for a fight i turned to the farmer -Output Transcription: i'm stiff with long sitting he said it for our flight i turned to the farmer -2021-09-20 08:45:25.724 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.333333 -2021-09-20 08:45:25.724 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: they snuffed about the fir tree and rustled among the branches -Output Transcription: they snuffed about the fir tree and rustled among the branches -2021-09-20 08:45:25.724 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:45:25.726 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i refer to the thermometer it indicates the figure is obliterated -Output Transcription: i referred to the thermometer it indicates the figure is obliterated -2021-09-20 08:45:25.727 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.090909 -2021-09-20 08:45:25.729 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: no i've made up my mind about it if i'm mabel i'll stay down here -Output Transcription: no i'd made up my mind about it if i'm mabel i'll stay down here -2021-09-20 08:45:25.731 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.066667 -2021-09-20 08:45:25.733 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: we have come from a far lonelier place than this a lonelier place -Output Transcription: we have come from a far lonelier place than this a lonely your place -2021-09-20 08:45:25.734 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.153846 -2021-09-20 08:45:25.735 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the atmosphere is evidently charged and surcharged with electricity -Output Transcription: the atmosphere as evidently charged and surcharge with electricity -2021-09-20 08:45:25.736 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.222222 -2021-09-20 08:45:25.736 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: we are to hear christ who has been appointed by the father as our divine teacher -Output Transcription: we are to hear christ who has been appointed by the father as our divine teacher -2021-09-20 08:45:25.737 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:45:25.738 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: mark my words you'll find him too strong for you aye and too deep -Output Transcription: mark my words you'll find him too strong for you i am too deep -2021-09-20 08:45:25.740 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.142857 -2021-09-20 08:45:25.740 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: conseil i called a third time conseil appeared -Output Transcription: conseil i called a third time conseil appeared -2021-09-20 08:45:25.741 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:45:25.743 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: see that your lives be in nothing worse than a boy's climbing for his entangled kite -Output Transcription: see that your lives be in nothing worse than a boys climbing for his entangled kite -2021-09-20 08:45:25.745 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.062500 -2021-09-20 08:45:25.745 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i entered and i took you into my confidence as to the suggestions of the side table -Output Transcription: i entered and i took you into my confidence as to the suggestions of the side table -2021-09-20 08:45:25.746 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:45:25.747 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: perchance too kaffar's death might serve him in good stead -Output Transcription: perchance to car's death might serve him in good stead -2021-09-20 08:45:25.748 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.200000 -2021-09-20 08:45:25.748 | INFO | deepspeech2x.model:test:372 - Error rate [wer] (1056/?) = 0.080792 -2021-09-20 08:45:26.722 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: grace involves the remission of sins peace and a happy conscience -Output Transcription: grace involves the remission of sins peace and happy conscience -2021-09-20 08:45:26.724 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.090909 -2021-09-20 08:45:26.724 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: it is so made that everywhere we feel the sense of punishment -Output Transcription: it is so made that everywhere we feel the sense of punishment -2021-09-20 08:45:26.725 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:45:26.728 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i didn't stop to think whether it was foolish or not i did it and i'm glad i did -Output Transcription: i didn't stop to think whether it was foolish or not i did it and i'm glad i did it -2021-09-20 08:45:26.731 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.052632 -2021-09-20 08:45:26.731 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i shall be punished for it now i suppose by being drowned in my own tears -Output Transcription: i shall be punished for it now i suppose by being drowned in my own tears -2021-09-20 08:45:26.731 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:45:26.732 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: she has a son theft and a daughter hunger -Output Transcription: she has a son theft and a daughter hunger -2021-09-20 08:45:26.732 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:45:26.734 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: they drew back a little from the entrance and motioned to the supposed conjurer to enter -Output Transcription: they drew back a little from the entrance and motion to the supposed conjurer to enter -2021-09-20 08:45:26.736 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.062500 -2021-09-20 08:45:26.739 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: he began a confused complaint against the wizard who had vanished behind the curtain on the left -Output Transcription: he began to confused complaint against the wizard who had vanished behind the curtain on the left -2021-09-20 08:45:26.741 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.058824 -2021-09-20 08:45:26.743 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: please forgive me for this underhanded way of admitting i had turned forty -Output Transcription: please forgive me for this underhanded way of admitting that i had turned forty -2021-09-20 08:45:26.744 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.076923 -2021-09-20 08:45:26.746 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: he seemed to wait for her reply but as she made none he proceeded -Output Transcription: he seemed to wait for her reply but as she may not he proceeded -2021-09-20 08:45:26.748 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.142857 -2021-09-20 08:45:26.750 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i was bookkeeper so it was easy to get a blank check and forge the signature -Output Transcription: i was bitkeeper so it was easy to get a blank check and forged the signature -2021-09-20 08:45:26.752 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.125000 -2021-09-20 08:45:26.756 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: at tea time they were sad and silent and the meal went away untouched by any of the three -Output Transcription: at tea time they were sad and silent and the meal went away and touched by any of the three -2021-09-20 08:45:26.759 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.105263 -2021-09-20 08:45:26.762 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the strollers took their part in it with hearty zest now that they had some chance of beating off their foes -Output Transcription: the stroller took their part in it with hearts as now that they had some chance of beating off their foes -2021-09-20 08:45:26.766 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.142857 -2021-09-20 08:45:26.768 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: by the by i've never seen your dairy i must see your dairy missus poyser -Output Transcription: by the by i've never seen your dear monsieur dary missus poyser -2021-09-20 08:45:26.770 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.400000 -2021-09-20 08:45:26.770 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the world is all there just as it used to be but i can't get at it any more -Output Transcription: the world is all there just as it used to be but i can't get at it any more -2021-09-20 08:45:26.770 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:45:26.771 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: rejoice in our presence said the air and the sunlight -Output Transcription: my choice in our presence said the air and the sunlight -2021-09-20 08:45:26.772 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.200000 -2021-09-20 08:45:26.773 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: but i would not speak at the time because i wanted to refresh my memory -Output Transcription: but i would not speak at the time because i wanted to refresh my memory -2021-09-20 08:45:26.773 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:45:26.773 | INFO | deepspeech2x.model:test:372 - Error rate [wer] (1072/?) = 0.081040 -2021-09-20 08:45:29.415 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: re enter butler and three footmen who remove the tea things hostess to guest -Output Transcription: reenter buttler and three footmen who moved the tea things hoses to guest -2021-09-20 08:45:29.418 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.357143 -2021-09-20 08:45:29.420 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: you will allow me to suggest said he that that is a matter of opinion -Output Transcription: you will allow me to suggest said he but that is a matter of opinion -2021-09-20 08:45:29.422 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.066667 -2021-09-20 08:45:29.424 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: old will is a fine fellow but poor and helpless since missus rogers had her accident -Output Transcription: old well is a fine fellow but poor and helpless since missus rogers had her accident -2021-09-20 08:45:29.426 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.062500 -2021-09-20 08:45:29.428 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the cloud then shewd his golden head and his bright form emerg'd -Output Transcription: the cloud then showed his golden head and his bright form emerged -2021-09-20 08:45:29.429 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.166667 -2021-09-20 08:45:29.430 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: or an eye of gifts and graces showring fruits and coined gold -Output Transcription: or an eye of gifts and graces showering fruits and poignant gold -2021-09-20 08:45:29.432 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.166667 -2021-09-20 08:45:29.434 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: he looked up at naomi doubtingly from his plate and looked down again slowly with a frown -Output Transcription: he looked up and nominating ly from his play and looked down again slowly with a frown -2021-09-20 08:45:29.437 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.235294 -2021-09-20 08:45:29.439 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: at the prow i carved the head with open mouth and forked tongue thrust out -Output Transcription: at the prowar car of the head with open mouth and forked tongue thrust out -2021-09-20 08:45:29.441 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.200000 -2021-09-20 08:45:29.441 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: you resemble me rachel you are fearless and inflexible and generous -Output Transcription: you resemble me rachel you are fearless and inflexible and generous -2021-09-20 08:45:29.441 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:45:29.443 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: holmes turned away and stooped suddenly to the floor halloa what's this -Output Transcription: holmes turned away and stooped suddenly to the floor hello what is this -2021-09-20 08:45:29.444 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.250000 -2021-09-20 08:45:29.444 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: did anyone know that these proofs would be there no one save the printer -Output Transcription: did anyone know that these proofs would be there no one save the printer -2021-09-20 08:45:29.445 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:45:29.447 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: already a north and a south were talked of why not set up also a west -Output Transcription: already a north and south were talked of why not set up also a west -2021-09-20 08:45:29.449 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.062500 -2021-09-20 08:45:29.449 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: oh it is better to live on the sea and let other men raise your crops and cook your meals -Output Transcription: oh it is better to live on the sea and let other men raise your crops and cook your meals -2021-09-20 08:45:29.449 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:45:29.449 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: to give an idea of these conversations i will report one of them in full -Output Transcription: to give an idea of these conversations i will report one of them in full -2021-09-20 08:45:29.450 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:45:29.450 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: hose man's excuse for wetting the walk -Output Transcription: hose man's excuse for wetting the walk -2021-09-20 08:45:29.450 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:45:29.451 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: that is all quite true mister neverbend said sir ferdinando brown -Output Transcription: that is all quite true mister never been said sir ferdinando brown -2021-09-20 08:45:29.453 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.181818 -2021-09-20 08:45:29.454 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: for a moment gilchrist with upraised hand tried to control his writhing features -Output Transcription: for a moment gilchrist with upraised hand tried to control his writing features -2021-09-20 08:45:29.456 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.076923 -2021-09-20 08:45:29.456 | INFO | deepspeech2x.model:test:372 - Error rate [wer] (1088/?) = 0.081750 -2021-09-20 08:45:31.611 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: we won't talk about her any more if you'd rather not we indeed -Output Transcription: we won't talk about her any more if you'd rather not' we indeed -2021-09-20 08:45:31.613 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.076923 -2021-09-20 08:45:31.614 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: when we were out in the darkness of the quadrangle we again looked up at the windows -Output Transcription: when we were out in the darkness of the quadrangle we again looked up at the windows -2021-09-20 08:45:31.614 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:45:31.614 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the greatness of the ransom christ the son of god indicates this -Output Transcription: the greatness of the ransom christ the son of god indicates this -2021-09-20 08:45:31.614 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:45:31.616 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: but in such a case miss milner's election of a husband shall not direct mine -Output Transcription: but in such a case miss miller's election of a husband shall not direct mine -2021-09-20 08:45:31.618 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.066667 -2021-09-20 08:45:31.619 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i say you do know what this means and you must tell us -Output Transcription: i say you do know what this means and you must tell us -2021-09-20 08:45:31.619 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:45:31.619 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: her regard shifted to the green stalks and leaves again and she started to move away -Output Transcription: her regard shifted to the green stalks and leaves again and she started to move away -2021-09-20 08:45:31.619 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:45:31.620 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: it was in a corner that he lay among weeds and nettles -Output Transcription: it was in a corner that he lay among weeds and nettles -2021-09-20 08:45:31.620 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:45:31.621 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: at the same time paul confirms our creed that christ is very god -Output Transcription: at the same time paul confirms are creed that christ is very god -2021-09-20 08:45:31.623 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.076923 -2021-09-20 08:45:31.623 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: seeing that i am so fine i may as well go and visit the king -Output Transcription: seeing that i am so fine i may as well go and visit the king -2021-09-20 08:45:31.624 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:45:31.626 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: what is your country olaf have you always been a thrall the thrall's eyes flashed -Output Transcription: what is your country alot have you always been a thrall the thralls eyes flashed -2021-09-20 08:45:31.627 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.133333 -2021-09-20 08:45:31.628 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: someone else told a story not particularly effective which i saw he was not following -Output Transcription: someone else told a story not particularly effective which i saw he was not following -2021-09-20 08:45:31.628 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:45:31.628 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i get tired of seeing men and horses going up and down up and down -Output Transcription: i get tired of seeing men and horses going up and down up and down -2021-09-20 08:45:31.629 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:45:31.629 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: each will therefore serve about equally well during the earlier stages of social growth -Output Transcription: each will therefore serve about equally well during the earlier stages of social growth -2021-09-20 08:45:31.629 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:45:31.632 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: but i wrestled with this fellow and do know that he played unfairly in the second bout -Output Transcription: but i wrestled with this fellow and do know that he played on fairly in the second bout -2021-09-20 08:45:31.634 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.117647 -2021-09-20 08:45:31.635 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: will whispered robin opening his door as he spoke are you ready -Output Transcription: will whispered robin opening his door as he spoke are you ready -2021-09-20 08:45:31.635 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:45:31.635 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: congratulations were poured in upon the princess everywhere during her journey -Output Transcription: congratulations were poured in upon the princess everywhere during her journey -2021-09-20 08:45:31.635 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:45:31.636 | INFO | deepspeech2x.model:test:372 - Error rate [wer] (1104/?) = 0.080647 -2021-09-20 08:45:32.510 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: how brown you've got since you came home i wish i had an athlete to mow my orchard -Output Transcription: how brown you've got since you came home i wish i had an athlete to mo my orchard -2021-09-20 08:45:32.513 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.055556 -2021-09-20 08:45:32.513 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the twin brother did something she didn't like and she turned his picture to the wall -Output Transcription: the twin brother did something she didn't like and she turned his picture to the wall -2021-09-20 08:45:32.514 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:45:32.516 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i didn't have any fears if i worked it rightly said the old gentleman complacently -Output Transcription: i didn't have any fears if i worked at rightly said the old gentleman complacently -2021-09-20 08:45:32.518 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.066667 -2021-09-20 08:45:32.519 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i remember now and i congratulate myself do you love any one -Output Transcription: i remember now and i congratulate myself do you love anyone -2021-09-20 08:45:32.520 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.166667 -2021-09-20 08:45:32.522 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the hawk alighted on the dead branch and sat upright motionless as if surprised -Output Transcription: the hack alighted on the dead branch and sat upright motionless as if surprised -2021-09-20 08:45:32.524 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.071429 -2021-09-20 08:45:32.525 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: hilda's face quivered but she whispered yes i think it must have been -Output Transcription: held his face quivered but she whispered yes i think it must have been -2021-09-20 08:45:32.527 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.153846 -2021-09-20 08:45:32.527 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: my tongue refused to articulate my power of speech left me -Output Transcription: my tongue refused to articulate my power of speech left me -2021-09-20 08:45:32.528 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:45:32.530 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: but this subject will be more properly discussed when we treat of the different races of mankind -Output Transcription: but this subject will be more properly disgust when retreat of the different races of mankind -2021-09-20 08:45:32.532 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.176471 -2021-09-20 08:45:32.533 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: a sudden impulse came over him to enter and see if they were indeed the proofs -Output Transcription: a sudden impulse came over him to enter and see if they were indeed the proofs -2021-09-20 08:45:32.533 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:45:32.534 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: as for the ichthyosaurus has he returned to his submarine cavern -Output Transcription: as for the in thesaurus as he returned whose submarine cavern -2021-09-20 08:45:32.535 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.454545 -2021-09-20 08:45:32.537 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: these escapades are not for old gamewell lad his day has come to twilight -Output Transcription: these escapades are not for old game well lad his day has come to twilight -2021-09-20 08:45:32.539 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.142857 -2021-09-20 08:45:32.540 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: a brisk wind had come up and was driving puffy white clouds across the sky -Output Transcription: a brisk wind had come up and was driving puffy white clouds across the sky -2021-09-20 08:45:32.540 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:45:32.540 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: this was so sweet a lady sir and in some manner i do think she died -Output Transcription: this was so sweet a lady sir and in some manner i do think she died -2021-09-20 08:45:32.540 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:45:32.542 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: well if i don't know who she was in love with i know who he was -Output Transcription: for if i don't know who she was in love with i know who he was -2021-09-20 08:45:32.545 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.062500 -2021-09-20 08:45:32.545 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: then good bye said the rats and they went home -Output Transcription: then good bye said the rats and they went home -2021-09-20 08:45:32.545 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:45:32.547 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the paris plant like that at the crystal palace was a temporary exhibit -Output Transcription: the paris planned like that of the crystal palace was a temporary exhibit -2021-09-20 08:45:32.548 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.153846 -2021-09-20 08:45:32.549 | INFO | deepspeech2x.model:test:372 - Error rate [wer] (1120/?) = 0.080807 -2021-09-20 08:45:33.474 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the weather if we may use that term will change before long -Output Transcription: the weather if we may use the term will change before long -2021-09-20 08:45:33.476 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.083333 -2021-09-20 08:45:33.478 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: robin carefully descended the ladder and found himself soon upon firm rocky ground -Output Transcription: robin carefully descended the latter and found himself soon upon firm rocky ground -2021-09-20 08:45:33.479 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.076923 -2021-09-20 08:45:33.479 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: monsieur was the only one who did not understand anything about the matter -Output Transcription: monsieur was the only one who did not understand anything about the matter -2021-09-20 08:45:33.480 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:45:33.480 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the golden fleece it's the silver fleece he harkened -Output Transcription: the golden fleece it's the silver fleece he hearkened -2021-09-20 08:45:33.481 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.111111 -2021-09-20 08:45:33.482 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: oh what a record to read what a picture to gaze upon how awful the fact -Output Transcription: oh what a record to read what a picture to gaze upon how awful the fact -2021-09-20 08:45:33.482 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:45:33.483 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the combined bands of both the countries played the music and a fine supper was served -Output Transcription: the combined bands of both the countries played the music and a fine supper was served -2021-09-20 08:45:33.483 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:45:33.485 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: shame on you citizens cried he i blush for my fellows of nottingham -Output Transcription: shaman citizens cried he i blush for my fellows of nottingham -2021-09-20 08:45:33.487 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.230769 -2021-09-20 08:45:33.487 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i pass away yet i complain and no one hears my voice -Output Transcription: i pass away yet i complain and no one hears my voice -2021-09-20 08:45:33.488 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:45:33.490 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i could not see my boy injured excellence for but doing his duty as one of cumberland's sons -Output Transcription: i could not see my boy injured excellence for but doing his duty as one of cumberland sons -2021-09-20 08:45:33.493 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.055556 -2021-09-20 08:45:33.494 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: a story cried the children drawing a little fat man towards the tree -Output Transcription: a story cried the children drawing a little fat man towards the tree -2021-09-20 08:45:33.494 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:45:33.495 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: it is too difficult replied mademoiselle de tonnay charente laughing loudly -Output Transcription: it is too difficult replied mademoiselle de tanisha and laughing loudly -2021-09-20 08:45:33.496 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.181818 -2021-09-20 08:45:33.496 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: most people talk too much so it is a relief to find one who talks too little -Output Transcription: most people talk too much so it is a relief to find one who talks too little -2021-09-20 08:45:33.497 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:45:33.498 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: oh ever so much only he seems kind of staid and school teachery -Output Transcription: oh ever so much only he seems kind of staad and school teacher -2021-09-20 08:45:33.500 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.153846 -2021-09-20 08:45:33.501 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: solon marvelled and desired to be informed of the particulars -Output Transcription: sullen marvelled and desire to be informed of the particulars -2021-09-20 08:45:33.502 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.200000 -2021-09-20 08:45:33.503 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i'll not be wicked any more sighed the old boolooroo i'll reform -Output Transcription: not be wicked any more sighed the old booooo i'll reform -2021-09-20 08:45:33.505 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.166667 -2021-09-20 08:45:33.506 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: but the bear instead of obeying maintained the seat it had taken and growled -Output Transcription: but the bear instead of obeying maintain the seat it had taken and growled -2021-09-20 08:45:33.508 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.071429 -2021-09-20 08:45:33.508 | INFO | deepspeech2x.model:test:372 - Error rate [wer] (1136/?) = 0.080702 -2021-09-20 08:45:34.425 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: but john there's no society just elementary work -Output Transcription: but john there is no society just elementary work -2021-09-20 08:45:34.426 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.250000 -2021-09-20 08:45:34.428 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: but don't these very wise things sometimes turn out very foolishly -Output Transcription: but do these very wise things sometimes turn out very foolishly -2021-09-20 08:45:34.430 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.090909 -2021-09-20 08:45:34.431 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: and the whole night the tree stood still and in deep thought -Output Transcription: and the whole night the tree stood still and in deep thought -2021-09-20 08:45:34.431 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:45:34.433 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: sit down please said gates in a cheerful and pleasant voice there's a bench here -Output Transcription: sitdown place said gates in a cheerful and pleasant voice there's a pincher -2021-09-20 08:45:34.435 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.333333 -2021-09-20 08:45:34.437 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: then he approached it and standing on tiptoe with his neck craned he looked into the room -Output Transcription: then he approached it and standing on tiptoe with his neck crane he looked into the room -2021-09-20 08:45:34.440 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.058824 -2021-09-20 08:45:34.441 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: ill and troubled dear troubled in mind and miserably nervous -Output Transcription: all and trouble dear troubled in mind and miserably nervous -2021-09-20 08:45:34.442 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.200000 -2021-09-20 08:45:34.445 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: cried he waving the lanthorn before him to make sure that these were no ghosts in front of him -Output Transcription: cried he waving the lantern before him to make sure that these were no ghosts in front of him -2021-09-20 08:45:34.448 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.052632 -2021-09-20 08:45:34.448 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: algebra medicine botany have each their slang -Output Transcription: algebra medicine botany have each their slang -2021-09-20 08:45:34.449 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:45:34.451 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: philip lefrank this is my overlooker mister jago said the old man formally presenting us -Output Transcription: fillable trying this is my overlook er mister jago said the old man formally presenting us -2021-09-20 08:45:34.453 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.266667 -2021-09-20 08:45:34.453 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: and all his brothers and sisters stood round and listened with their mouths open -Output Transcription: and all his brothers and sisters stood round and listened with their mouths open -2021-09-20 08:45:34.453 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:45:34.454 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: when she used to tell me about him i always wondered whether she wasn't a little in love with him -Output Transcription: when she used to tell me about him i always wondered whether she wasn't a little in love with him -2021-09-20 08:45:34.454 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:45:34.454 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: through the black night rain he sang to her window bars -Output Transcription: through the black night rain he sang to her window bars -2021-09-20 08:45:34.454 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:45:34.457 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: but it is the cigarette which chiefly has brought the modern drama to its present state of perfection -Output Transcription: but it is the cigarette which chiefly has brought the wonder drama to its present state of perfection -2021-09-20 08:45:34.460 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.055556 -2021-09-20 08:45:34.460 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: pride after satisfaction uplifted him like long slow waves -Output Transcription: pride after satisfaction uplifted him like long slow waves -2021-09-20 08:45:34.460 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:45:34.463 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: you're a rare un for sitting down to your work a little while after it's time to put by -Output Transcription: you are raring for sitting down to your work a little while after it's time to put by -2021-09-20 08:45:34.466 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.210526 -2021-09-20 08:45:34.466 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: this was a formidable array of advantages slavery was playing with loaded dice -Output Transcription: this was a formidable array of advantages slavery was playing with loaded dice -2021-09-20 08:45:34.467 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:45:34.467 | INFO | deepspeech2x.model:test:372 - Error rate [wer] (1152/?) = 0.081012 -2021-09-20 08:45:35.406 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i thought we were stumped again when i first saw that picture but it's been of some use after all -Output Transcription: i thought we were stumped again when i first saw that picture but it sin of some use after all -2021-09-20 08:45:35.410 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.100000 -2021-09-20 08:45:35.411 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the terms of grace and peace are common terms with paul and are now pretty well understood -Output Transcription: the terms of grace and peace are common terms with paul and are now pretty well understood -2021-09-20 08:45:35.411 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:45:35.413 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: soft heart he said gently to her then to thorkel well let him go thorkel -Output Transcription: soft heart he said gently to her then tutorial well let him go take -2021-09-20 08:45:35.414 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.200000 -2021-09-20 08:45:35.417 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: eliza closed the door behind her with a decided slam and a key clicked in the lock -Output Transcription: eliza closed the door behind her with a decided slam and he clicked in the lock -2021-09-20 08:45:35.419 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.117647 -2021-09-20 08:45:35.419 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: in the silence their dark fire kindled the dusk into a tawny glow -Output Transcription: in the silence their dark fire kindled the dusk into a tawny glow -2021-09-20 08:45:35.420 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:45:35.420 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: it must be as wide as the mediterranean or the atlantic and why not -Output Transcription: it must be as wide as the mediterranean or the atlantic and why not -2021-09-20 08:45:35.420 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:45:35.420 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: this without reckoning in the pains of the heart and so it goes on -Output Transcription: this without reckoning in the pains of the heart and so it goes on -2021-09-20 08:45:35.421 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:45:35.421 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: number ten fresh nelly is waiting on you good night husband -Output Transcription: number ten fresh nelly is waiting on you good night husband -2021-09-20 08:45:35.421 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:45:35.423 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: well what can't be done by main courage in war must be done by circumvention -Output Transcription: well what can't be done by man courage in war must be done by circumvention -2021-09-20 08:45:35.425 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.066667 -2021-09-20 08:45:35.428 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: how long would it take him to do that using every possible contraction a quarter of an hour not less -Output Transcription: how long it take to do that using every possible contraction a quarter of an hour no less -2021-09-20 08:45:35.431 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.150000 -2021-09-20 08:45:35.432 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: is the atmospheric condition having once reached this density to become final -Output Transcription: is the atmosphere condition having once reached is density to become final -2021-09-20 08:45:35.434 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.166667 -2021-09-20 08:45:35.434 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: said the fir tree thinking over what he had himself related -Output Transcription: said the fir tree thinking over what he had himself related -2021-09-20 08:45:35.434 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:45:35.436 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: and lay me down in thy cold bed and leave my shining lot -Output Transcription: and lay me down in my cold bed and leave my shining light -2021-09-20 08:45:35.437 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.153846 -2021-09-20 08:45:35.439 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: lord john taking out gold cigarette case from his left hand upper waistcoat pocket -Output Transcription: lord john taking out gold cigarette case from his left hand upper west coast pocket -2021-09-20 08:45:35.441 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.142857 -2021-09-20 08:45:35.442 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: when the king comes to paris everybody calls out vive le roi -Output Transcription: when the king comes to paris everybody calls out fiery -2021-09-20 08:45:35.443 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.250000 -2021-09-20 08:45:35.444 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: she ran to her husband's side at once and helped him lift the four kettles from the fire -Output Transcription: she ran to her husband's side at once and helped him lift the four kettles from the fire -2021-09-20 08:45:35.444 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:45:35.444 | INFO | deepspeech2x.model:test:372 - Error rate [wer] (1168/?) = 0.081091 -2021-09-20 08:45:36.400 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: it'll be no use their putting their heads down and saying come up again dear -Output Transcription: it'll be no use their putting their heads down and saying come up again dear -2021-09-20 08:45:36.401 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:45:36.405 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i have a letter here mister soames which i wrote to you early this morning in the middle of a restless night -Output Transcription: i have a letter here mister psalms which i wrote to you early this morning in the middle of a restless night -2021-09-20 08:45:36.409 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.045455 -2021-09-20 08:45:36.409 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: cotton is a wonderful thing is it not boys she said rather primly -Output Transcription: cotton is a wonderful thing is it not boys she said rather primly -2021-09-20 08:45:36.410 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:45:36.412 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: they do not go where the enemies of the gospel predominate they go where the christians are -Output Transcription: they do not go where the enemies of the gospel predominate they go we christians are -2021-09-20 08:45:36.414 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.117647 -2021-09-20 08:45:36.416 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: has thee consulted thy mother about a career i suppose it is a career thee wants -Output Transcription: as the consulted thy mother about a career i suppose it is a realy wants -2021-09-20 08:45:36.418 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.250000 -2021-09-20 08:45:36.419 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: they are chiefly formed from combinations of the impressions made in childhood -Output Transcription: they are chiefly formed from combinations of the impressions made in childhood -2021-09-20 08:45:36.419 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:45:36.419 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: what she wanted from us was neither our flowers nor our francs but just our youth -Output Transcription: what she wanted from us was neither our flowers nor our francs but just our youth -2021-09-20 08:45:36.419 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:45:36.420 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: that is one reason you are ojo the unlucky said the woman in a sympathetic tone -Output Transcription: that is one reason you are ojo the unlucky said the woman in a sympathetic tone -2021-09-20 08:45:36.420 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:45:36.420 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: all these honest persons are waiting their turn to get their snuff boxes filled -Output Transcription: all these honest persons are waiting their turn to get their snuff boxes filled -2021-09-20 08:45:36.420 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:45:36.421 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: munny my iron's twite told pease put it down to warm -Output Transcription: money myron stratton peace put it down to warm -2021-09-20 08:45:36.422 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.545455 -2021-09-20 08:45:36.423 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: you would not eat with us you cannot say no to half of my ale i drink this to your health -Output Transcription: you would not eat with us you cannot say no to half of my ale i drink this to your health -2021-09-20 08:45:36.423 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:45:36.423 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the young girls had indeed made themselves small indeed invisible -Output Transcription: the young girls had indeed made themselves small indeed invisible -2021-09-20 08:45:36.423 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:45:36.424 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: our baggage was immediately carried to the deck of the frigate i rushed aboard -Output Transcription: our baggage was immediately carried to the deck of the frigate i rushed aboard -2021-09-20 08:45:36.424 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:45:36.427 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the most famous of them all was the overthrow of the island of atlantis -Output Transcription: the most famous of them all was the overthrow of the island of twenties -2021-09-20 08:45:36.429 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.071429 -2021-09-20 08:45:36.432 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: nothing was to be done but to put about and return in disappointment towards the north -Output Transcription: nothing was to be done but to put about and return and disappointment towards the north -2021-09-20 08:45:36.434 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.062500 -2021-09-20 08:45:36.434 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the leaders of the conspiracy became distrustful of their power to crush the town -Output Transcription: the leaders of the conspiracy became distrustful of their power to crush the town -2021-09-20 08:45:36.434 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:45:36.436 | INFO | deepspeech2x.model:test:372 - Error rate [wer] (1184/?) = 0.080694 -2021-09-20 08:45:39.774 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: mary taylor however related the tale of zora to missus grey's private ear later -Output Transcription: mary tao however related the tale of zor to missus grey's private ear later -2021-09-20 08:45:39.776 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.142857 -2021-09-20 08:45:39.779 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: no thank you i'll just look at the whelps and leave a message about them with your shepherd -Output Transcription: no thank you i'll just look at the welds and leave a message about them with your shepherd -2021-09-20 08:45:39.782 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.055556 -2021-09-20 08:45:39.782 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i gave him a little brandy and left him collapsed in a chair while i made a most careful examination of the room -Output Transcription: i gave him a little brandy and left him collapsed in a chair while i made a most careful examination of the room -2021-09-20 08:45:39.782 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:45:39.785 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: they they excite me in some way and i i can't bear them you must excuse me -Output Transcription: that they excite me in some way and i i can't bear them you must excuse me -2021-09-20 08:45:39.787 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.058824 -2021-09-20 08:45:39.789 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: in the nature of things luxuries and the comforts of life belong to the leisure class -Output Transcription: in the nature of things luxuries and the comforts of life belonged to the leisure class -2021-09-20 08:45:39.792 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.062500 -2021-09-20 08:45:39.792 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: but you must not eat with your cap on your head she said and was going to take it off -Output Transcription: but you must not eat with your cap on your head she said and was going to take it off -2021-09-20 08:45:39.792 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:45:39.795 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: my wife on the spur of the moment managed to give the gentlemen a very good dinner -Output Transcription: my wife on the spur the moment managed to give the gentleman a very good dinner -2021-09-20 08:45:39.797 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.117647 -2021-09-20 08:45:39.797 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: sometimes it is called a crazy quilt because the patches and colors are so mixed up -Output Transcription: sometimes it is called a crazy quilt because the patches and colors are so mixed up -2021-09-20 08:45:39.798 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:45:39.801 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: what shall we do with the mingoes at the door they count six and this singer is as good as nothing -Output Transcription: what shall we do with the mangoes at the door they count six and the singer is as good as nothing -2021-09-20 08:45:39.805 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.095238 -2021-09-20 08:45:39.807 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: that's the way with you that's the road you'd all like to go headlongs to ruin -Output Transcription: that's the way with you that's the road you do like to go headlong to ruin -2021-09-20 08:45:39.809 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.187500 -2021-09-20 08:45:39.812 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: westmere and i were back after the first act and we thought she seemed quite uncertain of herself -Output Transcription: west me and i were back after the first act he thought she seemed quite uncertain of herself -2021-09-20 08:45:39.815 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.222222 -2021-09-20 08:45:39.818 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i stood with my back to the wall for i wanted no sword reaching out of the dark for me -Output Transcription: i stood with my back to the wall for i wanted no sword reaching out the dark for me -2021-09-20 08:45:39.821 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.050000 -2021-09-20 08:45:39.821 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: otherwise paul should have written grace from god the father and peace from our lord jesus christ -Output Transcription: otherwise paul should have written grace from god the father and peace from our lord jesus christ -2021-09-20 08:45:39.821 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:45:39.822 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: there it clothes itself in word masks in metaphor rags -Output Transcription: there it clothes itself in word masks in mefor rags -2021-09-20 08:45:39.823 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.100000 -2021-09-20 08:45:39.824 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: in the communities of the western culture this point is at present found among the lower middle class -Output Transcription: in the communities of the western culture this point is at present found among the lower middle class -2021-09-20 08:45:39.824 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:45:39.826 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the head and chief of the riot the nottingham apprentice with clenched fists threatened montfichet -Output Transcription: the head and chief of the riot nottingham apprenticed with clench fists threatened mofie -2021-09-20 08:45:39.828 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.266667 -2021-09-20 08:45:39.828 | INFO | deepspeech2x.model:test:372 - Error rate [wer] (1200/?) = 0.080671 -2021-09-20 08:45:41.982 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: whose feet are as the feet of harts and underneath the everlasting arms -Output Transcription: whose feet are as the feet of hearts and underneath the everlasting arms -2021-09-20 08:45:41.984 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.076923 -2021-09-20 08:45:41.987 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: but now here is a subject of which you will wonder at first why turner drew it at all -Output Transcription: but now here's a subject of which you will wonder at first why turner drew it at all -2021-09-20 08:45:41.990 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.105263 -2021-09-20 08:45:41.991 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: humpy dumpy fell downstairs and yet he married the princess -Output Transcription: humpy don't be fell downstairs and yet he married the princess -2021-09-20 08:45:41.992 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.200000 -2021-09-20 08:45:41.994 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: he still held on to it with both hands as he rushed into his mother's cottage -Output Transcription: he still held onto it with both hands as he rushed into his mother's cottage -2021-09-20 08:45:41.996 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.125000 -2021-09-20 08:45:41.997 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: departing from five hundred thousand throats three cheers burst forth in succession -Output Transcription: departing from five hundred thousand throats three cheers burst forth in succession -2021-09-20 08:45:41.997 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:45:41.998 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: nay we refused their request most politely most noble said the little stroller -Output Transcription: nay we refuse their request most politely most noble said the little stroller -2021-09-20 08:45:42.000 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.076923 -2021-09-20 08:45:42.001 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: he sat down weak bewildered and one thought was uppermost zora -Output Transcription: he sat down weak bewildered and one thought was uppermost sore -2021-09-20 08:45:42.002 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.090909 -2021-09-20 08:45:42.005 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: for a while she lay in her chair in happy dreamy pleasure at sun and bird and tree -Output Transcription: for a while she lay in her chair in happy dreamy pleasure its sun and bird and tree -2021-09-20 08:45:42.008 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.055556 -2021-09-20 08:45:42.008 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: in five minutes i was in a new world and my melancholy room was full of the liveliest french company -Output Transcription: in five minutes i was in a new world and my melancholy room was full of the liveliest french company -2021-09-20 08:45:42.008 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:45:42.009 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: and then you came back not caring very much but it made no difference -Output Transcription: and then you came back not caring very much but it made no difference -2021-09-20 08:45:42.009 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:45:42.009 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: nonsense of course i can't really sing except the way my mother and grandmother did before me -Output Transcription: nonsense of course i can't really sing except the way my mother and grandmother did before me -2021-09-20 08:45:42.009 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:45:42.010 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: they then renewed their journey and under the better light made a safe crossing of the stable roofs -Output Transcription: they then renewed their journey and under the better light made a safe crossing of the stable roofs -2021-09-20 08:45:42.010 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:45:42.010 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: oh let him come along she urged i do love to see him about that old house -Output Transcription: oh let him come along she urged i do love to see him about that old house -2021-09-20 08:45:42.010 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:45:42.011 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: for a full hour he had paced up and down waiting but he could wait no longer -Output Transcription: for a full hour he had paced up and down waiting but he could wait no longer -2021-09-20 08:45:42.011 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:45:42.011 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: underscore these words for they are full of comfort for sore consciences -Output Transcription: underscore these words for they are full of comfort for sore consciences -2021-09-20 08:45:42.011 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:45:42.013 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: where the waves for an instant sank they came closer but not quite within grasping reach -Output Transcription: where the waves for an instant sink they came closer but not quite within grasping reach -2021-09-20 08:45:42.016 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.062500 -2021-09-20 08:45:42.016 | INFO | deepspeech2x.model:test:372 - Error rate [wer] (1216/?) = 0.079953 -2021-09-20 08:45:43.034 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: you speak like an educated person said beth wonderingly where is your home -Output Transcription: you speak like an educated person said beth wonderingly where is your home -2021-09-20 08:45:43.035 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:45:43.036 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: substantially this was jacob's unvarnished description of his master and mistress -Output Transcription: substantial lateness was jacob's unvarnished description of his master and mistress -2021-09-20 08:45:43.037 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.181818 -2021-09-20 08:45:43.038 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i should never have asked you if molly had been here for i remember you don't like english cookery -Output Transcription: i should never have asked you if molly had been here for i remember you don't like english cookery -2021-09-20 08:45:43.038 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:45:43.039 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: facts form one of these and ideas the other -Output Transcription: facts for one of these and i tears the other -2021-09-20 08:45:43.040 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.333333 -2021-09-20 08:45:43.041 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: not for a crown or a kingdom or our goodness but for our sins -Output Transcription: not for a crown were a kingdom where our goodness before sins -2021-09-20 08:45:43.043 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.357143 -2021-09-20 08:45:43.043 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: his death in this conjuncture was a public misfortune -Output Transcription: his death in this conjuncture was a public misfortune -2021-09-20 08:45:43.044 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:45:43.045 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: whatever appealed to her sense of beauty was straightway transferred to paper or canvas -Output Transcription: whatever appeal to her sense of beauty was straightway transferred to paper or canvas -2021-09-20 08:45:43.047 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.071429 -2021-09-20 08:45:43.050 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: she rose quickly to her feet with an impetuous gesture that made her visitor catch her breath -Output Transcription: she rose quickly to her feet with an impetuous gesture that made her visit or catch her breath -2021-09-20 08:45:43.052 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.117647 -2021-09-20 08:45:43.054 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: we were more interested in the technical condition of the station than in the commercial part -Output Transcription: we were more interested in the technical condition of the station that in the commercial part -2021-09-20 08:45:43.057 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.062500 -2021-09-20 08:45:43.060 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: fast as his legs could carry him servadac had made his way to the top of the cliff -Output Transcription: fast as his legs could carry him ser adac had made his way to the top of the cliff -2021-09-20 08:45:43.062 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.111111 -2021-09-20 08:45:43.063 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: all the time he was talking to me his angry little eyes were following lake -Output Transcription: all the time he was talking to me his angry little eyes were following lake -2021-09-20 08:45:43.063 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:45:43.063 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: to my mind there has always been something inexpressibly awful in family feuds -Output Transcription: to my mind there has always been something inexpressibly awful in family feuds -2021-09-20 08:45:43.064 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:45:43.064 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: she then rose humming the air to which she was presently going to dance -Output Transcription: she then rose humming the air to which she was presently going to dance -2021-09-20 08:45:43.064 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:45:43.067 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: at once the goat gave a leap escaped from the soldiers and with bowed head rushed upon the boolooroo -Output Transcription: at once the goat gave a leap escape from the soldiers and with bowed head rushed upon the booooo -2021-09-20 08:45:43.070 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.105263 -2021-09-20 08:45:43.073 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: yes and with all your fingers it took you a year to catch me the king frowned more angrily -Output Transcription: yes and with all your fingers it took you a year to catch me the king frown more angrily -2021-09-20 08:45:43.076 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.052632 -2021-09-20 08:45:43.080 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: but suppose you said i'm fond of writing my people always say my letters home are good enough for punch -Output Transcription: but suppose you said i'm fond of writing my people always say my letters home or good enough for punch -2021-09-20 08:45:43.083 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.050000 -2021-09-20 08:45:43.083 | INFO | deepspeech2x.model:test:372 - Error rate [wer] (1232/?) = 0.080020 -2021-09-20 08:45:44.073 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: it is enough said george gamewell sharply and he turned upon the crowd -Output Transcription: it is enough said george game well sharply as he turned upon the crowd -2021-09-20 08:45:44.075 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.230769 -2021-09-20 08:45:44.078 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: fitzooth's hand rested at last upon the top rung of a ladder and slowly the truth came to him -Output Transcription: tooth's hand rested at last upon the top rung of a ladder and slowly the truth came to him -2021-09-20 08:45:44.081 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.052632 -2021-09-20 08:45:44.083 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: well mother said the young student looking up with a shade of impatience -Output Transcription: well mother said the young student looking up with the shade of impatience -2021-09-20 08:45:44.085 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.076923 -2021-09-20 08:45:44.086 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: yes dead these four years an a good job for her too -Output Transcription: yes dead these four years and a good job for her to -2021-09-20 08:45:44.087 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.166667 -2021-09-20 08:45:44.088 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: she signed to me with a ghostly solemnity to take the vacant place on the left of her father -Output Transcription: she signed to me with a ghostly solemnity to take the vacant place on the left of her father -2021-09-20 08:45:44.088 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:45:44.089 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: their assumed character changed with their changing opportunities or necessities -Output Transcription: there assumed character changed with their changing opportunities or necessities -2021-09-20 08:45:44.090 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.100000 -2021-09-20 08:45:44.093 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: as soon as they entered the room of the great knife the boolooroo gave a yell of disappointment -Output Transcription: as soon as they entered the room of the great knife the booooo gave a yell of disappointment -2021-09-20 08:45:44.095 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.055556 -2021-09-20 08:45:44.099 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: irene burgoyne one of her family told me in confidence that there was a romance somewhere back in the beginning -Output Transcription: i rember going one of her family told me in confidence that there was a romance somewhere back in the beginning -2021-09-20 08:45:44.102 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.150000 -2021-09-20 08:45:44.103 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: she closed her eyes and took a deep breath as if to draw in again the fragrance of those days -Output Transcription: she closed her eyes and took a deep breath as if to draw in again the fragrance of those days -2021-09-20 08:45:44.103 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:45:44.103 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: their distinctive characters however display one broad and unfailing difference -Output Transcription: their distinctive characters however display one broad and unfailing difference -2021-09-20 08:45:44.104 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:45:44.104 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i dare not go so far as that but of the three he is perhaps the least unlikely -Output Transcription: i dare not go so far as that but of the three he is perhaps the least unlikely -2021-09-20 08:45:44.104 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:45:44.106 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: no cathedral not even burgos itself could vie with the church at montmartre -Output Transcription: no cathedral and even burgos itself could vie with the church at montmartre -2021-09-20 08:45:44.107 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.076923 -2021-09-20 08:45:44.107 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: there's a heavy storm coming on i cried pointing towards the horizon -Output Transcription: there's a heavy storm coming on i cried pointing towards the horizon -2021-09-20 08:45:44.108 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:45:44.108 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i see a crowd in one corner of the garden everybody standing still and looking up -Output Transcription: i see a crowd in one corner of the garden everybody standing still and looking up -2021-09-20 08:45:44.108 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:45:44.110 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: she is under sail but she is count timascheff's yacht he was right -Output Transcription: she is under sail that she is count time shafts yacht he was right -2021-09-20 08:45:44.112 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.230769 -2021-09-20 08:45:44.114 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: paul declares that the false apostles were called or sent neither by men nor by man -Output Transcription: paul declares of the false apostles were called the sent neither by men nor by man -2021-09-20 08:45:44.116 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.125000 -2021-09-20 08:45:44.116 | INFO | deepspeech2x.model:test:372 - Error rate [wer] (1248/?) = 0.079910 -2021-09-20 08:45:45.182 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: keswick march twenty second eighteen thirty seven dear madam -Output Transcription: keswick march twenty second eighteen thirty seven dear madame -2021-09-20 08:45:45.183 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.111111 -2021-09-20 08:45:45.185 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: you are a worthy leech will presently whispered robin the wine has worked a marvel -Output Transcription: you are worthy leavell presently whispered robin the wine has worked a marvel -2021-09-20 08:45:45.187 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.200000 -2021-09-20 08:45:45.188 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the drag upon his beak and the light check upon his wings were inexplicable to him and appalling -Output Transcription: the drag upon his beak and the light check upon his wings were inexplicable to him and appalling -2021-09-20 08:45:45.188 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:45:45.191 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: but it is surmised that you will find difficulties in the way of your entering at once upon your government -Output Transcription: but it is surmise that you will find difficulties in the way of your entering at once upon your governor -2021-09-20 08:45:45.194 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.100000 -2021-09-20 08:45:45.196 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: chingachgook had caught the look and motioning with his hand he bade him speak -Output Transcription: chinuch cook had caught the look and motioning with his hand he bade him speak -2021-09-20 08:45:45.198 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.142857 -2021-09-20 08:45:45.198 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: grace be to you and peace from god the father and from our lord jesus christ -Output Transcription: grace be to you and peace from god the father and from our lord jesus christ -2021-09-20 08:45:45.199 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:45:45.201 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: do we really know the mountain well when we are not acquainted with the cavern -Output Transcription: do we really know the mounted well when we are not acquainted with the cavern -2021-09-20 08:45:45.203 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.066667 -2021-09-20 08:45:45.204 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the peculiar circumstances of the colony are within your excellency's knowledge -Output Transcription: the peculiar circumstances of the colony are within your excellencies knowledge -2021-09-20 08:45:45.205 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.090909 -2021-09-20 08:45:45.205 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: he refused at first to listen to the careful advice it was repugnant to his liberal nature -Output Transcription: he refused at first to listen to the careful advice it was repugnant to his liberal nature -2021-09-20 08:45:45.205 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:45:45.208 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: as regards my robbing the company i'll say that i saved them a heavy loss one day -Output Transcription: as regards my robbing the company i'll say that i saved him a heavy loss one day -2021-09-20 08:45:45.210 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.058824 -2021-09-20 08:45:45.211 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: they left him then for the jailer arrived to unlock the door and escort them to the office -Output Transcription: they left him then for the jailer arrived to unlock the door and escort them to the office -2021-09-20 08:45:45.211 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:45:45.211 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the vicious character of sin is brought out by the words who gave himself for our sins -Output Transcription: the vicious character of sin is brought out by the words who gave himself for our sins -2021-09-20 08:45:45.212 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:45:45.212 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the poor little things cried cynthia think of them having been turned to the wall all these years -Output Transcription: the poor little things cried cynthia think of them having been turned to the wall all these years -2021-09-20 08:45:45.212 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:45:45.216 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: but young sharp tongue now that we have caught you we will put you into a trap that you cannot get out of -Output Transcription: but young sharp tongue now that we have caught you will put you into a trap that you cannot get out of -2021-09-20 08:45:45.220 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.043478 -2021-09-20 08:45:45.224 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: and with it i leave you a name sif the friendly i shall hope to drink with you sometime in valhalla -Output Transcription: and with it i leave you a name sift the friendly i shall hope to drink with you some time in valhalla -2021-09-20 08:45:45.228 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.142857 -2021-09-20 08:45:45.228 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: exquisite soft turf of the woods the happiness which your friendship confers upon me -Output Transcription: exquisite soft turf of the woods the happiness which your friendship confers upon me -2021-09-20 08:45:45.228 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:45:45.229 | INFO | deepspeech2x.model:test:372 - Error rate [wer] (1264/?) = 0.079437 -2021-09-20 08:45:46.197 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: he darted through the trees and paused a tall man strongly but slimly made -Output Transcription: he darted through the trees and paused a tall man strongly but slimly made -2021-09-20 08:45:46.198 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:45:46.200 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: why it's in missouri somewhere on the frontier i think we'll get a map -Output Transcription: white to missouri somewhere on the frontier i think we'll get a map -2021-09-20 08:45:46.202 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.214286 -2021-09-20 08:45:46.202 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: he made an effort to hide his condition from them all and robin felt his fingers tighten upon his arm -Output Transcription: he made an effort to hide his condition from them all and robin felt his fingers tighten upon his arm -2021-09-20 08:45:46.202 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:45:46.205 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i can assure you he has not even allowed me to see the trigger since i have been on board -Output Transcription: i can assure you he is not even allowed me to see the trigger since i have been on board -2021-09-20 08:45:46.209 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.050000 -2021-09-20 08:45:46.209 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: margaret bolton almost lost for a moment her habitual placidity -Output Transcription: margaret bolton almost lost for a moment her habitual placidity -2021-09-20 08:45:46.209 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:45:46.213 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: you see i've lived all my life with unc nunkie the silent one and there was no one to tell me anything -Output Transcription: you see i've lived all my life without monkey the silent one and there was no one to tell me anything -2021-09-20 08:45:46.217 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.136364 -2021-09-20 08:45:46.217 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: he felt he was up against it and that perhaps another kind of a job would suit him better -Output Transcription: he felt he was up against it and that perhaps another kind of a job would suit him better -2021-09-20 08:45:46.217 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:45:46.219 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: this differentiation is furthered by the inheritance of wealth and the consequent inheritance of gentility -Output Transcription: this differentiation is further by the inheritance of wealth and the consequent inheritance of gentility -2021-09-20 08:45:46.221 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.066667 -2021-09-20 08:45:46.222 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: why should one not explore everything and study everything -Output Transcription: why should one not explore everything and study everything -2021-09-20 08:45:46.222 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:45:46.224 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the sound of an imperative and uncompromising bell recalled me in due time to the regions of reality -Output Transcription: the sound of an imperative and uncompromising bell recalled me in due time to the region's reality -2021-09-20 08:45:46.227 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.111111 -2021-09-20 08:45:46.228 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the sombre old trees like gigantic hearse plumes black and awful -Output Transcription: the sombre old trees a gigantic curse plumes black and awful -2021-09-20 08:45:46.229 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.181818 -2021-09-20 08:45:46.230 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: grandfather was alexander carey l l d doctor of laws that is -Output Transcription: grandfather was alexander carey l l d doctor of laws that is -2021-09-20 08:45:46.230 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:45:46.230 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: tables were spread on the lawn and a dainty but substantial repast was to be served -Output Transcription: tables were spread on the lawn and a dainty but substantial repast was to be served -2021-09-20 08:45:46.230 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:45:46.231 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the military force partly rabble partly organized had meanwhile moved into the town -Output Transcription: the military force partly rabble partly organized had meanwhile moved into the town -2021-09-20 08:45:46.231 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:45:46.233 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: munny i tould ike to do into de barn to tommy to see de whittawd -Output Transcription: money i didi to do into the barn to tommy to see the widowed -2021-09-20 08:45:46.235 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.400000 -2021-09-20 08:45:46.235 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: he stood still in deference to their calls and parried their banter with easy words -Output Transcription: he stood still in deference to their calls and parried their banter with easy words -2021-09-20 08:45:46.235 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:45:46.235 | INFO | deepspeech2x.model:test:372 - Error rate [wer] (1280/?) = 0.079337 -2021-09-20 08:45:47.895 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: finally the one party went off exulting and the other was left in desolation and woe -Output Transcription: finally the one party went off exalting and the other was left in desolation and well -2021-09-20 08:45:47.898 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.125000 -2021-09-20 08:45:47.899 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: can these things be returned david breathing more freely as the truth began to dawn upon him -Output Transcription: can these things be returned david breathing more freely as the truth began to dawn upon him -2021-09-20 08:45:47.899 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:45:47.899 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: then as if satisfied of their safety the scout left his position and slowly entered the place -Output Transcription: then as if satisfied of their safety the scout left his position and slowly entered the place -2021-09-20 08:45:47.899 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:45:47.900 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: some mysterious force seemed to have brought about a convulsion of the elements -Output Transcription: some mysterious force seemed to have brought about a convulsion of the elements -2021-09-20 08:45:47.900 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:45:47.900 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i saw at the hamburg museum the skeleton of one of these creatures thirty feet in length -Output Transcription: i saw at the hamburg museum the skeleton of one of these creatures thirty feet in length -2021-09-20 08:45:47.901 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:45:47.901 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the utility of consumption as an evidence of wealth is to be classed as a derivative growth -Output Transcription: the utility of consumption as an evidence of wealth is to be classed as a derivative growth -2021-09-20 08:45:47.901 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:45:47.901 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: oh sir said missus poyser rather alarmed you wouldn't like it at all -Output Transcription: oh sir said missus poyser rather alarmed you wouldn't like it at all -2021-09-20 08:45:47.902 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:45:47.904 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: moreover had the people been inclined to rebellion what greater opportunity could they have wished -Output Transcription: moreover had the people been inclined to rebellion woke greater opportunity could they have wished -2021-09-20 08:45:47.906 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.066667 -2021-09-20 08:45:47.906 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: now be silent on your lives he began but the captured apprentice set up an instant shout -Output Transcription: now be silent on your lives he began but the captured apprentice set up an instant shout -2021-09-20 08:45:47.906 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:45:47.907 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: thrusting open the proper entrance of the tent robin suddenly rushed forth with his burden with a great shout -Output Transcription: thrusting open the proper entrance of the tent robin suddenly rushed forth with his burden with a great shout -2021-09-20 08:45:47.907 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:45:47.909 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: we have our little struggles here as elsewhere and all things cannot be done by rose water -Output Transcription: we have our little struggles here as elsewhere and all things cannot be done by rosewater -2021-09-20 08:45:47.911 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.117647 -2021-09-20 08:45:47.912 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: as soon as these dispositions were made the scout turned to david and gave him his parting instructions -Output Transcription: as soon as these dispositions were made the scout turned to david and gave him his parting instructions -2021-09-20 08:45:47.912 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:45:47.914 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: all about him was a tumult of bright and broken color scattered in broad splashes -Output Transcription: all about him was a tumult of bright and broken color scattered and broad splashes -2021-09-20 08:45:47.916 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.066667 -2021-09-20 08:45:47.916 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: this attitude is universal and particularly developed in those who consider themselves better than others -Output Transcription: this attitude is universal and particularly developed in those who consider themselves better than others -2021-09-20 08:45:47.917 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:45:47.918 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: tell us said the other the whole story and where solon heard the story -Output Transcription: tell us said the other the whole story and were solemn heard this story -2021-09-20 08:45:47.920 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.214286 -2021-09-20 08:45:47.920 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: here go and get me change for a louis i have it sir -Output Transcription: here go and get me change for a louis i have it sir -2021-09-20 08:45:47.921 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:45:47.921 | INFO | deepspeech2x.model:test:372 - Error rate [wer] (1296/?) = 0.078500 -2021-09-20 08:45:50.338 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: she considered a moment and then said no i think not though i am glad you ask me -Output Transcription: she considered for a moment and then said no i think not the way i'm glad you ask me -2021-09-20 08:45:50.342 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.222222 -2021-09-20 08:45:50.342 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i discovered and put out a fire that would have destroyed the whole plant but marshall never even thanked me -Output Transcription: i discovered and put out a fire that would have destroyed the whole plant but marshall never even thanked me -2021-09-20 08:45:50.343 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:45:50.343 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: there was good reason to stop and think even for the world's most emotionless man -Output Transcription: there was good reason to stop and think even for the world's most emotionless man -2021-09-20 08:45:50.343 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:45:50.344 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: what could he do he caught up everything which would betray him and he rushed into your bedroom to conceal himself -Output Transcription: what could he do he caught up everything which would betray him and he rushed into your bedroom to conceal himself -2021-09-20 08:45:50.344 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:45:50.344 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: then rogers wouldn't do anything but lead her around and wait upon her and the place went to rack and ruin -Output Transcription: then rogers wouldn't do anything but lead her around and wait upon her and the place went to rack and ruin -2021-09-20 08:45:50.344 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:45:50.349 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: that is the best way to decide for the spear will always point somewhere and one thing is as good as another -Output Transcription: that is the best way to the side of the sphere will always point somewhere and one thing is as good as another -2021-09-20 08:45:50.353 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.181818 -2021-09-20 08:45:50.353 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: wherever the means of grace are found there is the holy church even though antichrist reigns there -Output Transcription: wherever the means of grace are found there is the holy church even though antichrist reigns there -2021-09-20 08:45:50.353 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:45:50.354 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: what sir i said to him am i fortunate enough to see you -Output Transcription: what sir i said to him am i fortunate enough to see you -2021-09-20 08:45:50.354 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:45:50.354 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: old dances are simplified of their yearning bleached by time -Output Transcription: old dances are simplified of their yearning bleached by time -2021-09-20 08:45:50.354 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:45:50.357 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: scuse me said trot i neglected to tell you that you're not the boolooroo any more -Output Transcription: excuse me said shot i neglected to tell you that you're not the boooo any more -2021-09-20 08:45:50.359 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.187500 -2021-09-20 08:45:50.359 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: she was the most agreeable woman i've ever known in her position she would have been worthy of any whatever -Output Transcription: she was the most agreeable woman i've ever known in her position she would have been worthy of any whatever -2021-09-20 08:45:50.360 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:45:50.360 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i will show you what a good job i did and she went to a tall cupboard and threw open the doors -Output Transcription: i will show you what a good job i did and she went to a tall cupboard and threw open the doors -2021-09-20 08:45:50.360 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:45:50.363 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: naomi shook her forefinger reproachfully at them as if the two sturdy young farmers had been two children -Output Transcription: he only shook a forefinger reproachfully at them as if the two sturdy on farmers had been two children -2021-09-20 08:45:50.366 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.222222 -2021-09-20 08:45:50.368 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: to this his answer was prompt oh thank god no and is the record yours -Output Transcription: to this his answer was prompt oh thank god now and is the record yours -2021-09-20 08:45:50.370 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.066667 -2021-09-20 08:45:50.371 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: but the real significance and comfort of the words for our sins is lost upon them -Output Transcription: but the real significance and comfort of the words for our sins is lost upon them -2021-09-20 08:45:50.371 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:45:50.374 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: you were quite right to say no ambrose began never smoke with john jago his cigars will poison you -Output Transcription: you were quite right to say no ambrose began never smoke a jonah his cigars will poison you -2021-09-20 08:45:50.377 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.157895 -2021-09-20 08:45:50.377 | INFO | deepspeech2x.model:test:372 - Error rate [wer] (1312/?) = 0.078262 -2021-09-20 08:45:52.441 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i take this as my answer and i leave the professor to bite his lips with impatience -Output Transcription: i take this as my answer and i leave the professor to bite his lips with impatience -2021-09-20 08:45:52.442 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:45:52.442 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: could it mean to last a love set pendulous between sorrow and sorrow -Output Transcription: could it mean to last a love set pendulous between sorrow and sorrow -2021-09-20 08:45:52.442 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:45:52.443 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the rector paused and then shaking his clasped hands before him went on -Output Transcription: the rector paused and then shaking his clasped hands before him went on -2021-09-20 08:45:52.443 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:45:52.445 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: why should i rust and be stupid and sit in inaction because i am a girl -Output Transcription: why should i rest and be stupid and sit in an action because i am a girl -2021-09-20 08:45:52.448 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.187500 -2021-09-20 08:45:52.450 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: as he flew his down reaching clutching talons were not half a yard above the fugitive's head -Output Transcription: as he flew his down meeting clutching talons were not half a yard about the fugitives head -2021-09-20 08:45:52.453 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.176471 -2021-09-20 08:45:52.453 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: but the dusk deepening in the schoolroom covered over his thoughts the bell rang -Output Transcription: but the dusk deepening in the schoolroom covered over his thoughts the bell rang -2021-09-20 08:45:52.453 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:45:52.457 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i could write to my man and enclose the key he could send down the packet as he finds it -Output Transcription: i could write to my man and enclosed the key he could send down the packet as he finds it -2021-09-20 08:45:52.460 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.050000 -2021-09-20 08:45:52.462 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: in the evenings i confess i do think but i never trouble any one else with my thoughts -Output Transcription: in the evenings i confess i do think but i never trouble anyone else with my thoughts -2021-09-20 08:45:52.465 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.111111 -2021-09-20 08:45:52.466 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: meanwhile rodolfo had leocadia safe in his custody and in his own apartment -Output Transcription: meanwhile rudolph had locali safe in his custody and in his own apartment -2021-09-20 08:45:52.468 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.153846 -2021-09-20 08:45:52.470 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: we are traveling replied ojo and we stopped at your house just to rest and refresh ourselves -Output Transcription: we are traveling replied ojo and the stuff at your health just to rest and refresh ourselves -2021-09-20 08:45:52.473 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.176471 -2021-09-20 08:45:52.475 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: pearl seeing the rose bushes began to cry for a red rose and would not be pacified -Output Transcription: pearl seeing the rose bushes began to cry for our red rose and would not be pacified -2021-09-20 08:45:52.478 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.058824 -2021-09-20 08:45:52.478 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: this has indeed been a harassing day continued the young man his eyes fixed upon his friend -Output Transcription: this has indeed been a harassing day continued the young man his eyes fixed upon his friend -2021-09-20 08:45:52.478 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:45:52.482 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: you will say that a woman has no need of such a caution there can be no peril in it for her -Output Transcription: you will say that a woman has no need of such caution there can be no peril in it for her -2021-09-20 08:45:52.486 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.045455 -2021-09-20 08:45:52.486 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: it was the scarlet letter in another form the scarlet letter endowed with life -Output Transcription: it was the scarlet letter in another form the scarlet letter endowed with life -2021-09-20 08:45:52.486 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:45:52.489 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: my scholar has been left very poor but he is hard working and industrious he will do well -Output Transcription: my scholar has been left a very poor but he is hard working and industrious he will do well -2021-09-20 08:45:52.492 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.055556 -2021-09-20 08:45:52.492 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: they were both remembering what the woman had said when she took the money god give you a happy love -Output Transcription: they were both remembering what the woman had said when she took the money god give you a happy love -2021-09-20 08:45:52.492 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:45:52.493 | INFO | deepspeech2x.model:test:372 - Error rate [wer] (1328/?) = 0.077984 -2021-09-20 08:45:53.559 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the first lot we tested on our glass cat which not only began to live but has lived ever since -Output Transcription: the first lot we tested on our glass hat which not only began to live but has lived ever since -2021-09-20 08:45:53.563 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.050000 -2021-09-20 08:45:53.566 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the raft was heaved up on a watery mountain and pitched down again at a distance of twenty fathoms -Output Transcription: the raft was heat up on a water mountain and pitched down again at a distance of twenty fathoms -2021-09-20 08:45:53.569 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.105263 -2021-09-20 08:45:53.569 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: bartley bent over and took her in his arms kissing her mouth and her wet tired eyes -Output Transcription: bartley bent over and took her in his arms kissing her mouth and her wet tired eyes -2021-09-20 08:45:53.570 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:45:53.574 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: here is a ring for sif the friendly and here is a bracelet a sword would not be ashamed to hang at your side -Output Transcription: here is a ring for sift the friendly and here is a bracelet and a sword would not be ashamed to hang at your side -2021-09-20 08:45:53.579 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.083333 -2021-09-20 08:45:53.582 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: choking with emotion leocadi made a sign to her parents that she wished to be alone with them -Output Transcription: choking with emotion leucadia made a sign to her parents that she wished to be alone with him -2021-09-20 08:45:53.585 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.111111 -2021-09-20 08:45:53.585 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: she introduced me to all her guests and gave me some particulars respecting every one of them -Output Transcription: she introduced me to all her guests and gave me some particulars respecting every one of them -2021-09-20 08:45:53.585 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:45:53.585 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: open thy heart wide and fold within the wet wings of thy dove -Output Transcription: open thy heart wide and fold within the wet wings of thy dove -2021-09-20 08:45:53.586 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:45:53.586 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the pride of that dim image brought back to his mind the dignity of the office he had refused -Output Transcription: the pride of that dim image brought back to his mind the dignity of the office he had refused -2021-09-20 08:45:53.586 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:45:53.586 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: you'll easily judge why when you hear because the thing had been such a scare he continued to fix me -Output Transcription: you'll easily judge why when you hear because the thing had been such a scare he continued to fix me -2021-09-20 08:45:53.587 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:45:53.587 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: as a private citizen i shall be a model of deportment because it would be dangerous to be otherwise -Output Transcription: as a private citizen i shall be a model of deportment because it would be dangerous to be otherwise -2021-09-20 08:45:53.587 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:45:53.587 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i thank all who have loved me in their hearts with thanks and love from mine -Output Transcription: i thank all who have loved me in their hearts with thanks and love from mine -2021-09-20 08:45:53.588 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:45:53.588 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the glimmering sea of delicate leaves whispered and murmured before her stretching away to the northward -Output Transcription: the glimmering sea of delicate leaves whispered and murmured before her stretching away to the northward -2021-09-20 08:45:53.588 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:45:53.592 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: this set of rooms is quite the oldest in the college and it is not unusual for visitors to go over them -Output Transcription: the set of rooms is quite the oldest in the college and it is not unusual for visitors to go over them -2021-09-20 08:45:53.596 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.045455 -2021-09-20 08:45:53.597 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: footnote sumner to shannon may twelfth eighteen fifty six -Output Transcription: foot note summer to shannon may twelve eighteen fifty six -2021-09-20 08:45:53.598 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.444444 -2021-09-20 08:45:53.598 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: there is hardly one day out of a hundred which is wholly joyous and sunny -Output Transcription: there is hardly one day out of a hundred which is wholly joyous and sunny -2021-09-20 08:45:53.598 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:45:53.602 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: yet here are we within a short range of the scaroons and not a sign of a trail have we crossed -Output Transcription: yet here are we within a short range of the sharons and not a sign of a trail have we crossed -2021-09-20 08:45:53.605 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.047619 -2021-09-20 08:45:53.606 | INFO | deepspeech2x.model:test:372 - Error rate [wer] (1344/?) = 0.077328 -2021-09-20 08:45:54.698 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: yes we are certainly i replied evasively but after we make a detour -Output Transcription: yes we are certainly i replied evasively but after we make a detour -2021-09-20 08:45:54.698 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:45:54.699 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: and this was why kenneth and beth discovered him conversing with the young woman in the buggy -Output Transcription: and this was why kenneth and beth discovered him conversing with the young woman in the buggy -2021-09-20 08:45:54.699 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:45:54.700 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: harangue the tiresome product of a tireless tongue -Output Transcription: herring the tiresome product of a tireless tongue -2021-09-20 08:45:54.701 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.125000 -2021-09-20 08:45:54.703 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: this she said was true hospitality and i am not sure that i did not agree with her -Output Transcription: this she said was true hospitality and i am not sure that i did not agree with there -2021-09-20 08:45:54.706 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.055556 -2021-09-20 08:45:54.709 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: and this plan was adopted too in order to extract from me a promise that i would depart in peace -Output Transcription: and this plan was adopted to in order to extract from me a promise that i would depart in peace -2021-09-20 08:45:54.713 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.050000 -2021-09-20 08:45:54.716 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: my friend did not appear to be depressed by his failure but shrugged his shoulders in half humorous resignation -Output Transcription: my friend did not appear to be depressed by his failure but shrugged his shoulders and half humorous resignation -2021-09-20 08:45:54.719 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.052632 -2021-09-20 08:45:54.721 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i expect you have been a very good girl andella since you were here last -Output Transcription: i expect you have been a very good girl and della since you were here last -2021-09-20 08:45:54.723 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.133333 -2021-09-20 08:45:54.724 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the nautilus nearly perishes in the antarctic and nemo sinks into a growing depression -Output Transcription: the nautilus nearly perishes in the antarctic and the most things into a growing depression -2021-09-20 08:45:54.726 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.214286 -2021-09-20 08:45:54.728 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: his tones rang pleasantly on warrenton's ears and forthwith a good fellowship was heralded between them -Output Transcription: his tones ring pleasantly on warranties ears and forthwith the good fellowship was heralded between them -2021-09-20 08:45:54.731 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.187500 -2021-09-20 08:45:54.731 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: yes the character which your royal highness assumed is in perfect harmony with your own -Output Transcription: yes the character which your royal highness assumed is in perfect harmony with your own -2021-09-20 08:45:54.731 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:45:54.733 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i left instructions for shipping my containers of stuffed animals and dried plants to paris france -Output Transcription: i left instructions for shipping like containers of stuffed animals and dried plants to paris france -2021-09-20 08:45:54.736 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.062500 -2021-09-20 08:45:54.738 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: he returned carrying his jumping shoes which are provided as you are aware with several sharp spikes -Output Transcription: he returned carrying his jumping shoes which are provided as you are ware with several sharp spikes -2021-09-20 08:45:54.740 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.058824 -2021-09-20 08:45:54.741 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: della had a young sister named maria and a cousin whose name was jane -Output Transcription: della had a young sister named maria and a cousin whose name was jane -2021-09-20 08:45:54.741 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:45:54.741 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: at last the cotton combine was to all appearances an assured fact and he was slated for the senate -Output Transcription: at last the cotton combine was to all appearances an assured fact and he was slated for the senate -2021-09-20 08:45:54.741 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:45:54.742 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: if the count were on board a strange fatality was bringing him to the presence of his rival -Output Transcription: if the count were on board a strange fatality was bringing him to the presence of his rival -2021-09-20 08:45:54.742 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:45:54.744 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: approaching the dining table he carefully placed the article in the centre and removed the cloth -Output Transcription: approaching the dining table he carefully placed the article in the center and removed the cloth -2021-09-20 08:45:54.746 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.062500 -2021-09-20 08:45:54.746 | INFO | deepspeech2x.model:test:372 - Error rate [wer] (1360/?) = 0.076998 -2021-09-20 08:45:55.854 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i left you on a continent and here i have the honor of finding you on an island -Output Transcription: i left you on a continent and here i have the honor of finding you on an island -2021-09-20 08:45:55.855 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:45:55.858 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: she looked at his heavy shoulders and big determined head thrust forward like a catapult in leash -Output Transcription: she looked at his heavy shoulders and big determined head pressed forward like a catapult on leash -2021-09-20 08:45:55.860 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.117647 -2021-09-20 08:45:55.863 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: spoke the squire losing all patience and it was to you that i gave another purse in consolation -Output Transcription: spoke the squire losing all patient and it was to you that i gave another person consolation -2021-09-20 08:45:55.865 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.166667 -2021-09-20 08:45:55.867 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: over the track lined city street the young men the grinning men pass -Output Transcription: over the track lined city street the young men the grinning man pass -2021-09-20 08:45:55.868 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.076923 -2021-09-20 08:45:55.869 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: it has occupied mother a long time to find at the shops the exact shade for her new bonnet -Output Transcription: it has occupied mother a long time to find at the shops the exact shade for her new bonnet -2021-09-20 08:45:55.869 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:45:55.871 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: a bed quilt made of patches of different kinds and colors of cloth all neatly sewed together -Output Transcription: a bed quilt made of patches of different kinds and colors of cloth all neatly so together -2021-09-20 08:45:55.874 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.058824 -2021-09-20 08:45:55.877 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: your letter has given me great pleasure and i should not forgive myself if i did not tell you so -Output Transcription: your letter has given me great pleasure and i should not forgive myself if i didn't tell you so -2021-09-20 08:45:55.880 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.100000 -2021-09-20 08:45:55.880 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i'm going to see mister marshall said kenneth and discover what i can do to assist you thank you sir -Output Transcription: i'm going to see mister marshall said kenneth and discover what i can do to assist you thank you sir -2021-09-20 08:45:55.880 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:45:55.883 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: it did not beckon or indeed move at all it was as still as the hand of death -Output Transcription: it did not bacon or indeed move at all it was as still as the hand of death -2021-09-20 08:45:55.886 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.055556 -2021-09-20 08:45:55.887 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i'm glad you like it says wylder chuckling benignantly on it over his shoulder -Output Transcription: i'm glad you like it says wilder chuckling indignantly on it over his shoulder -2021-09-20 08:45:55.889 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.142857 -2021-09-20 08:45:55.893 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: young fitzooth had been commanded to his mother's chamber so soon as he had come out from his converse with the squire -Output Transcription: young fit south had been commanded to his mother's chamber so soon as he had come out from his converse with the squire -2021-09-20 08:45:55.897 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.090909 -2021-09-20 08:45:55.898 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: as any in england i would say said gamewell proudly that is in his day -Output Transcription: as any in england i would say said gamewell proudly that is in his day -2021-09-20 08:45:55.898 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:45:55.898 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i think that will do she continued for the other qualities are not needed in a servant -Output Transcription: i think that will do she continued for the other qualities are not needed in a servant -2021-09-20 08:45:55.899 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:45:55.899 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: since christ was given for our sins it stands to reason that they cannot be put away by our own efforts -Output Transcription: since christ was given for our sins it stands to reason that they cannot be put away by our own efforts -2021-09-20 08:45:55.899 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:45:55.901 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: but in this vignette copied from turner you have the two principles brought out perfectly -Output Transcription: but in this vineyard copied from turner you have the two principles brought out perfectly -2021-09-20 08:45:55.903 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.066667 -2021-09-20 08:45:55.907 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: so no tales got out to the neighbors besides it was a lonely place and by good luck no one came that way -Output Transcription: so no tails got out to the neighbors besides it was a lonely place and by good luck no one came that way -2021-09-20 08:45:55.911 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.043478 -2021-09-20 08:45:55.912 | INFO | deepspeech2x.model:test:372 - Error rate [wer] (1376/?) = 0.076581 -2021-09-20 08:45:57.058 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the strange woman and her passionate sentence that rang out so sharply had frightened them both -Output Transcription: the strange woman and her passionate sentence that rang out so sharply had frightened them both -2021-09-20 08:45:57.059 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:45:57.060 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: john wesley combash jacob taylor and thomas edward skinner -Output Transcription: john wesley compas jacob taylor and thomas edward skinner -2021-09-20 08:45:57.061 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.111111 -2021-09-20 08:45:57.063 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: this transient spring and lighting up are beautiful a glamour beguiling our senses -Output Transcription: this transit spring and lighting up our beautiful a glamour beguiling our senses -2021-09-20 08:45:57.064 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.153846 -2021-09-20 08:45:57.065 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: now when has horror ever excluded study -Output Transcription: no when has horror ever excluded study -2021-09-20 08:45:57.066 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.142857 -2021-09-20 08:45:57.068 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: miss taylor did not know much about cotton but at least one more remark seemed called for -Output Transcription: miss taylor did not know much about cotton but at least one more remarked seem called for -2021-09-20 08:45:57.071 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.117647 -2021-09-20 08:45:57.075 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: we want you to help us publish some leading work of luther's for the general american market will you do it -Output Transcription: we want you to help us publish some leading work of luthers for the general american market will you do it -2021-09-20 08:45:57.078 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.047619 -2021-09-20 08:45:57.079 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i believe i have a little taste that way those are all real you know those jewels -Output Transcription: i believe i have a little taste that way those are all real you know those jewels -2021-09-20 08:45:57.079 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:45:57.082 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: no sir he isn't he's gone to rosseter to see mister west the factor about the wool -Output Transcription: no sir he isn't he's gone to rossiter to see mister west the factor about the wall -2021-09-20 08:45:57.084 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.117647 -2021-09-20 08:45:57.086 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: this is the explanation of the shallows which are found in that part of the atlantic ocean -Output Transcription: this is the explanation of the shells which i found in that part of the atlantic ocean -2021-09-20 08:45:57.089 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.117647 -2021-09-20 08:45:57.089 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: frank read english slowly and the more he read about this divorce case the angrier he grew -Output Transcription: frank read english slowly and the more he read about this divorce case the angrier he grew -2021-09-20 08:45:57.089 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:45:57.090 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: my friend's temper had not improved since he had been deprived of the congenial surroundings of baker street -Output Transcription: my friend's temper had not improved since he had been deprived of the congenial surroundings of baker street -2021-09-20 08:45:57.090 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:45:57.093 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: then she gave rosalie back her magic ring thanking the kind witch for all she had done for them -Output Transcription: then she gave rose lay back her magic ring thanking the kind which for all she had done for them -2021-09-20 08:45:57.096 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.157895 -2021-09-20 08:45:57.100 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: there might be a bit of poetry here and there but most of this place was such desperate prose -Output Transcription: there might be a bit of poetry here and there but most of this place was such desperate rose -2021-09-20 08:45:57.103 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.052632 -2021-09-20 08:45:57.104 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: at this the bundle opened suddenly and out popped phronsie -Output Transcription: at this the bundle opened suddenly and out popped rosie -2021-09-20 08:45:57.105 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.100000 -2021-09-20 08:45:57.108 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: bartley leaned over her shoulder without touching her and whispered in her ear you are giving me a chance yes -Output Transcription: partly lean over her shoulder without touching her and whispered in her ear you are giving me a chance yes -2021-09-20 08:45:57.111 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.100000 -2021-09-20 08:45:57.115 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: but joyce had not been listening all at once she put down her candle on the table and faced her companion -Output Transcription: but joyce had not been listening all at once she put on her candle on the table and faced her companion -2021-09-20 08:45:57.119 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.047619 -2021-09-20 08:45:57.119 | INFO | deepspeech2x.model:test:372 - Error rate [wer] (1392/?) = 0.076530 -2021-09-20 08:46:00.083 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i had not ventured to hope for such a reply so considerate in its tone so noble in its spirit -Output Transcription: i have not ventured to hope for such a reply so considerate in its tone so noble in its spirit -2021-09-20 08:46:00.087 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.050000 -2021-09-20 08:46:00.090 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: there befell an anxious interview mistress fitzooth arguing for and against the squire's project in a breath -Output Transcription: there befell an anxious interview mistress of tooth arguing for and against the squires project in the breath -2021-09-20 08:46:00.093 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.235294 -2021-09-20 08:46:00.096 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: these perverters of the righteousness of christ resist the father and the son and the works of them both -Output Transcription: these perverts of the richness of christ resist the father and the son and the works of them both -2021-09-20 08:46:00.100 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.105263 -2021-09-20 08:46:00.102 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: but in this friendly pressure raoul could detect the nervous agitation of a great internal conflict -Output Transcription: by in this friendly pressure roll to take the nervous agitation of a great internal conflict -2021-09-20 08:46:00.105 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.250000 -2021-09-20 08:46:00.105 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the only thing necessary was to fix seth reynolds and this hopkins arranged personally -Output Transcription: the only thing necessary was to fix seth reynolds and this hopkins arranged personally -2021-09-20 08:46:00.105 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:46:00.107 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: in this world evidently the vestibule of another there are no fortunate -Output Transcription: in this worlds evidently the vestibule of another there are no fortunate -2021-09-20 08:46:00.108 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.083333 -2021-09-20 08:46:00.108 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: she wanted a glance of the new books and periodicals and talk of great philanthropies and reforms -Output Transcription: she wanted a glance of the new books and periodicals and talk of great philanthropies and reforms -2021-09-20 08:46:00.109 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:46:00.113 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: a little cracked that in the popular phrase was my impression of the stranger who now made his appearance in the supper room -Output Transcription: a little crack that in the popular phrase was my impression of the stranger who now made his appearance in the supper room -2021-09-20 08:46:00.118 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.043478 -2021-09-20 08:46:00.119 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: slow to world greetings quick with its o list when the angels speak -Output Transcription: slow to world greetings quick with it o list when the angel speak -2021-09-20 08:46:00.121 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.153846 -2021-09-20 08:46:00.121 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: even so i had just returned from an arduous journey exhausted and badly needing a rest -Output Transcription: even so i had just returned from an arduous journey exhausted and badly needing a rest -2021-09-20 08:46:00.122 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:46:00.124 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: then said sir ferdinando there is nothing for it but that he must take you with him -Output Transcription: then said sir ferdinando there is nothing for but that we must take you with him -2021-09-20 08:46:00.126 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.117647 -2021-09-20 08:46:00.129 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i wish i hadn't cried so much said alice as she swam about trying to find her way out -Output Transcription: i wish i hadn't cried so much' said alice as she swam about trying to find her way out -2021-09-20 08:46:00.132 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.052632 -2021-09-20 08:46:00.134 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: there is the slang of the affected lady as well as of the precieuses -Output Transcription: there is the slang of the affected lady as well as of the presses -2021-09-20 08:46:00.136 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.071429 -2021-09-20 08:46:00.136 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: to burn without ceasing to fly therein lies the marvel of genius -Output Transcription: to burn without ceasing to fly therein lies the marvel of genius -2021-09-20 08:46:00.136 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:46:00.139 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: there jap you've caught it laughed percy while the others screamed at the sight of jasper's face -Output Transcription: there cap you've got it lapped percy while the other screamed at the side of jasper's face -2021-09-20 08:46:00.142 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.294118 -2021-09-20 08:46:00.144 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i sit down at a small table a waiter comes immediately to enquire my wishes -Output Transcription: i sit down at a small table a waiter comes immediately to inquire my wishes -2021-09-20 08:46:00.146 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.066667 -2021-09-20 08:46:00.146 | INFO | deepspeech2x.model:test:372 - Error rate [wer] (1408/?) = 0.076862 -2021-09-20 08:46:02.229 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: you gave me double five i want double nine hallo is that you horatio hamlet speaking -Output Transcription: you gave me double five i want double nine hello is that you horatio hamlet speaking -2021-09-20 08:46:02.232 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.062500 -2021-09-20 08:46:02.236 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: he knew his uncle would be glad to hear that he had at last turned his thoughts to a practical matter -Output Transcription: he knew his uncle will be glad to hear that he had at last turned his thoughts to a practical matter -2021-09-20 08:46:02.240 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.047619 -2021-09-20 08:46:02.240 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: her manner was neither independent nor assertive but rather one of well bred composure and calm reliance -Output Transcription: her manner was neither independent nor assertive but rather one of well bred composure and calm reliance -2021-09-20 08:46:02.240 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:46:02.244 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i made her for only twenty oars because i thought few men would follow me for i was young fifteen years old -Output Transcription: i made her for my twenty ars because i thought few men would follow me for i was young fifteen years old -2021-09-20 08:46:02.248 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.090909 -2021-09-20 08:46:02.249 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: have mercy lord on me i pray for men would me devour -Output Transcription: have mercy lord on me i pray for men with me devour -2021-09-20 08:46:02.251 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.083333 -2021-09-20 08:46:02.254 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: oh you are the dearest and best mister king i ever saw but how did you make mammy let her come -Output Transcription: oh you are the dearest and best mister king i ever saw but how did you make mommy let her come -2021-09-20 08:46:02.258 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.047619 -2021-09-20 08:46:02.258 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: on arriving at home at my own residence i found that our salon was filled with a brilliant company -Output Transcription: on arriving at home at my own residence i found that our salon was filled with a brilliant company -2021-09-20 08:46:02.259 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:46:02.261 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: my yacht is at your service sir even should you require to make a tour round the world -Output Transcription: my yacht is at your service sir even should you require to make a tour around the world -2021-09-20 08:46:02.264 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.055556 -2021-09-20 08:46:02.264 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: for the first time the maid seemed a little confused and her gaze wandered from the face of her visitor -Output Transcription: for the first time the maid seemed a little confused and her gaze wandered from the face of her visitor -2021-09-20 08:46:02.264 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:46:02.268 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: holmes held out a small chip with the letters n n and a space of clear wood after them you see -Output Transcription: holmes held out a small chip with the letters and in the space of clear wood after them you see -2021-09-20 08:46:02.271 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.190476 -2021-09-20 08:46:02.273 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: some images like some sensations feel very familiar while others feel strange -Output Transcription: some images like some sensations fill very familiar while others fill strange -2021-09-20 08:46:02.274 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.166667 -2021-09-20 08:46:02.274 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: there cannot be a doubt he received you kindly for in fact you returned without his permission -Output Transcription: there cannot be a doubt he received you kindly for in fact you returned without his permission -2021-09-20 08:46:02.275 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:46:02.279 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: he knew it would take them to the house of the crooked magician whom he had never seen but who was their nearest neighbor -Output Transcription: he knew it would take them to the house of the crooked magician whom he had never seen but who was there nearest neighbor -2021-09-20 08:46:02.284 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.041667 -2021-09-20 08:46:02.284 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: in this case as in most others what may be taken as certain in advance is rather vague -Output Transcription: in this case as in most others what may be taken as certain in advance is rather vague -2021-09-20 08:46:02.284 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:46:02.285 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the golden star of tinsel was still on the top of the tree and glittered in the sunshine -Output Transcription: the golden star of tinsel was still on the top of the tree and glittered in the sunshine -2021-09-20 08:46:02.285 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:46:02.286 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the real human division is this the luminous and the shady -Output Transcription: the real human division as this the luminous and the shady -2021-09-20 08:46:02.287 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.090909 -2021-09-20 08:46:02.287 | INFO | deepspeech2x.model:test:372 - Error rate [wer] (1424/?) = 0.076404 -2021-09-20 08:46:03.524 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i've strong assurance that no evil will happen to you and my uncle and the children from anything i've done -Output Transcription: i've strong assurance that no evil will happen to you and my uncle and the children from anything i've done -2021-09-20 08:46:03.525 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:46:03.529 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: please tell me one thing bartley at least tell me that you believe i thought i was making you happy -Output Transcription: please tell me one thing partly at least tell me that you believe i thought i was making you happy -2021-09-20 08:46:03.532 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.050000 -2021-09-20 08:46:03.534 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: she ceasd and smild in tears then sat down in her silver shrine -Output Transcription: she ceased and smiled in tears then sat down in her silver shrine -2021-09-20 08:46:03.535 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.153846 -2021-09-20 08:46:03.538 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: then they started on again and two hours later came in sight of the house of doctor pipt -Output Transcription: then they started on again and two hours later came in sight of the house of doctor pipped -2021-09-20 08:46:03.541 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.055556 -2021-09-20 08:46:03.545 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: there was something in his air and manner that betrayed to the scout the utter confusion of the state of his mind -Output Transcription: there was something in his air in the manner that betrayed to the scout the utter confusion of the state of his mind -2021-09-20 08:46:03.549 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.090909 -2021-09-20 08:46:03.552 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: bravely and generously has he battled in my behalf and this and more will i dare in his service -Output Transcription: bravely and generously as he battled in my behalf and this and more will i dare in his service -2021-09-20 08:46:03.555 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.052632 -2021-09-20 08:46:03.558 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: you must see lieutenant i should think that we are not so near the coast of algeria as you imagined -Output Transcription: you must see lieutenant i should think that we are not so near the coast of algeria as you imagine -2021-09-20 08:46:03.562 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.050000 -2021-09-20 08:46:03.562 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: a suffocating smell of nitrogen fills the air it enters the throat it fills the lungs -Output Transcription: a suffocating smell of nitrogen fills the air it enters the throat it fills the lungs -2021-09-20 08:46:03.562 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:46:03.562 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: yet little as it was it had already made a vast difference in the aspect of the room -Output Transcription: yet little as it was it had already made a vast difference in the aspect of the room -2021-09-20 08:46:03.563 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:46:03.563 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i was thinking it's very like the ace of hearts answered the captain softly smiling on -Output Transcription: i was thinking it's very like the ace of hearts answered the captain softly smiling on -2021-09-20 08:46:03.563 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:46:03.566 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the stop at queenstown the tedious passage up the mersey were things that he noted dimly through his growing impatience -Output Transcription: stop at queen's town the tedious passage of the mercy were things that he noted dimly through his growing impatience -2021-09-20 08:46:03.570 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.250000 -2021-09-20 08:46:03.570 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the first of our vague but indubitable data is that there is knowledge of the past -Output Transcription: the first of our vague but indubitable data is that there is knowledge of the past -2021-09-20 08:46:03.570 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:46:03.571 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: however he who says light does not necessarily say joy -Output Transcription: however he who says light does not necessarily said joy -2021-09-20 08:46:03.572 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.100000 -2021-09-20 08:46:03.573 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i wish you weren't so restless and didn't get so worked up over things she said sadly -Output Transcription: i wish you weren't so restless and didn't get so worked up over things she said sadly -2021-09-20 08:46:03.573 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:46:03.576 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: he had preconceived ideas about everything and his idea about americans was that they should be engineers or mechanics -Output Transcription: we let preconceived ideas about everything and his idea about americans was that they should be engineers or mechanics -2021-09-20 08:46:03.579 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.105263 -2021-09-20 08:46:03.579 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i have very few to love me now and i thought you might love me as i have begun to love you -Output Transcription: i have very few to love me now and i thought you might love me as i have begun to love you -2021-09-20 08:46:03.579 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:46:03.580 | INFO | deepspeech2x.model:test:372 - Error rate [wer] (1440/?) = 0.076031 -2021-09-20 08:46:04.702 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: whereupon lake laughed quietly still looking on the ace of hearts with his sly eyes -Output Transcription: whereupon lake laughed quietly still looking on the ace of hearts with his sly eyes -2021-09-20 08:46:04.703 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:46:04.708 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: so uncas you had better take the lead while i will put on the skin again and trust to cunning for want of speed -Output Transcription: so once you had better take the lead while i will put on the skin again and trust to cunning for want of speed -2021-09-20 08:46:04.712 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.041667 -2021-09-20 08:46:04.715 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: he panted to know if she too knew or knew and cared not or cared and knew not -Output Transcription: he wanted to know if she too knew or knew and cared not or cared and knew not -2021-09-20 08:46:04.718 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.055556 -2021-09-20 08:46:04.721 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: and to think we can save all that misery and despair by the payment of a hundred and fifty dollars -Output Transcription: and to think we can save oh that misery and despair by the payment of a hundred and fifty dollars -2021-09-20 08:46:04.724 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.050000 -2021-09-20 08:46:04.727 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i was well satisfied with my cabin which was located in the stern and opened into the officers mess -Output Transcription: i was well satisfied with my cabin which was located in the stern and opened into the officer's mess -2021-09-20 08:46:04.730 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.052632 -2021-09-20 08:46:04.730 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: therefore her majesty paid no attention to anyone and no one paid any attention to her -Output Transcription: therefore her majesty paid no attention to anyone and no one paid any attention to her -2021-09-20 08:46:04.731 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:46:04.731 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: there came upon me a sudden shock when i heard these words which exceeded anything which i had yet felt -Output Transcription: there came upon me a sudden shock when i heard these words which exceeded anything which i had yet felt -2021-09-20 08:46:04.731 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:46:04.735 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: he gave way to the others very readily and retreated unperceived by the squire and mistress fitzooth to the rear of the tent -Output Transcription: he gave way to the others very readily and retreated unperceived by the squire and mistress fit zot to the rear of the tent -2021-09-20 08:46:04.740 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.086957 -2021-09-20 08:46:04.742 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: thus it is that the honor of three is saved our country's our master's and our own -Output Transcription: thus it is not the honour of three is saved our country are masters and our own -2021-09-20 08:46:04.745 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.294118 -2021-09-20 08:46:04.745 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: she was a large homely woman they were common white people with no reputation in the community -Output Transcription: she was a large homely woman they were common white people with no reputation in the community -2021-09-20 08:46:04.745 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:46:04.749 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the whole party crowded to the spot where uncas pointed out the impression of a moccasin in the moist alluvion -Output Transcription: the whole party crowded to the spot where uncles pointed out the impression of a moccasin in the moist elution -2021-09-20 08:46:04.752 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.100000 -2021-09-20 08:46:04.755 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: said captain donnithorne seating himself where he could see along the short passage to the open dairy door -Output Transcription: said captain denethor ne seating himself where he could see along the short passage to the open dairy door -2021-09-20 08:46:04.757 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.111111 -2021-09-20 08:46:04.758 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: tabby had tended them in their childhood they and none other should tend her in her infirmity and age -Output Transcription: tabby had tended them in their childhood they and none other should tend her in her infirmity and age -2021-09-20 08:46:04.758 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:46:04.758 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: against these boasting false apostles paul boldly defends his apostolic authority and ministry -Output Transcription: against these boasting false apostles paul boldly defends his apostolic authority and ministry -2021-09-20 08:46:04.758 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:46:04.759 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: so much for the title of the epistle now follows the greeting of the apostle verse three -Output Transcription: so much for the title of the epistle now follows the greeting of the apostle verse three -2021-09-20 08:46:04.759 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:46:04.761 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: in autumn the wood cutters always came and felled some of the largest trees -Output Transcription: in autumn the wood cutters always came and fell some of the largest trees -2021-09-20 08:46:04.762 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.071429 -2021-09-20 08:46:04.763 | INFO | deepspeech2x.model:test:372 - Error rate [wer] (1456/?) = 0.075652 -2021-09-20 08:46:05.889 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: distrusting his own judgment his appeals to the opinion of chingachgook were frequent and earnest -Output Transcription: distrusting his own judgment his appeals to the opinion of chinuch cook were frequent and earnest -2021-09-20 08:46:05.892 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.133333 -2021-09-20 08:46:05.892 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: hence the edison electrolytic meter is no longer used despite its excellent qualities -Output Transcription: hence the edison electrolytic meter is no longer used despite its excellent qualities -2021-09-20 08:46:05.892 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:46:05.893 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: their contents had all boiled away leaving in the bottom of each kettle a few grains of fine white powder -Output Transcription: their contents had all boiled away leaving in the bottom of each kettle a few grains of fine white powder -2021-09-20 08:46:05.893 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:46:05.893 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: when you argue about the nature of god apart from the question of justification you may be as profound as you like -Output Transcription: when you argue about the nature of god apart from the question of justification you may be as profound as you like -2021-09-20 08:46:05.893 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:46:05.894 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: some points may be taken as fixed and such as any theory of memory must arrive at -Output Transcription: some points may be taken as fixed and such as any theory of memory must arrive at -2021-09-20 08:46:05.894 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:46:05.897 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: do you suppose that god for the sake of a few lutheran heretics would disown his entire church -Output Transcription: do you suppose that god for the sake of a few lutheran heretics would this son his entire church -2021-09-20 08:46:05.900 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.111111 -2021-09-20 08:46:05.900 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: she's older than i am but so tiny and sad and shy that she seems like a child -Output Transcription: she's older than i am but so tiny and sad and shy that she seems like a child -2021-09-20 08:46:05.900 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:46:05.901 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: he darted like an arrow through all the halls down all the stairs and across the yard -Output Transcription: he darted like an arrow through all the halls down all the stairs and across the yard -2021-09-20 08:46:05.901 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:46:05.903 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: her sea going qualities were excellent and would have amply sufficed for a circumnavigation of the globe -Output Transcription: her seagoing qualities were excellent and would have amply sufficed for a circumnavigation of the globe -2021-09-20 08:46:05.906 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.117647 -2021-09-20 08:46:05.908 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: he was such a big boy that he wore high boots and carried a jack knife -Output Transcription: he was such a big boy that he wore high boots and carried a jackknife -2021-09-20 08:46:05.910 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.125000 -2021-09-20 08:46:05.912 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: you have come andella andella was the name of jane's doll to make rosalie a visit -Output Transcription: you have come adela adela was the name of jane's doll to make rosalie a visit -2021-09-20 08:46:05.915 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.125000 -2021-09-20 08:46:05.915 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: we want to know mister gilchrist how you an honourable man ever came to commit such an action as that of yesterday -Output Transcription: we want to know mister gilchrist how you an honourable man ever came to commit such an action as that of yesterday -2021-09-20 08:46:05.915 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:46:05.919 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the crowd drifts off leaving the hero and heroine alone in the middle of the stage and then you can begin -Output Transcription: the crowd drifts of leaping the hero and heroine alone in the middle of the stage and then you can begin -2021-09-20 08:46:05.922 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.095238 -2021-09-20 08:46:05.923 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: his conduct and presence of mind in this emergence appeared conspicuous -Output Transcription: his conduct and presence of mind in this emergent appeared conspicuous -2021-09-20 08:46:05.925 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.090909 -2021-09-20 08:46:05.925 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: dearest teach me so to pour out gratitude as thou dost good -Output Transcription: dearest teach me so to pour out gratitude as thou dost good -2021-09-20 08:46:05.925 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:46:05.929 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: give me a check for a hundred and fifty and i'll turn over to you the forged check and quash further proceedings -Output Transcription: give me a check for a hundred and fifty and i'll turn over to you the forged check and cash further proceedings -2021-09-20 08:46:05.933 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.045455 -2021-09-20 08:46:05.933 | INFO | deepspeech2x.model:test:372 - Error rate [wer] (1472/?) = 0.075225 -2021-09-20 08:46:09.070 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: oh she's always at the piano said van she must be there now somewhere and then somebody laughed -Output Transcription: oh she's always at the piano said man she must be there now somewhere and then somebody laughed -2021-09-20 08:46:09.074 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.055556 -2021-09-20 08:46:09.077 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: paul answers the man who is named jesus christ and the son of god gave himself for our sins -Output Transcription: paul answers the man who his name jesus christ and the son of god gave himself for our sins -2021-09-20 08:46:09.080 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.105263 -2021-09-20 08:46:09.083 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i am not good enough for you and you must be kept from the contamination of too intimate society -Output Transcription: i am not good enough for you and you must be kept from the contamination of two intimate society -2021-09-20 08:46:09.086 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.052632 -2021-09-20 08:46:09.088 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: far from it sire your majesty having given no directions about it the musicians have retained it -Output Transcription: far from it sire your majesty having given no directions about it the musicians ever tandon -2021-09-20 08:46:09.091 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.176471 -2021-09-20 08:46:09.091 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: either he calls ministers through the agency of men or he calls them directly as he called the prophets and apostles -Output Transcription: either he calls ministers through the agency of men or he calls them directly as he called the prophets and apostles -2021-09-20 08:46:09.091 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:46:09.092 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: tabby had lived with them for ten or twelve years and was as charlotte expressed it one of the family -Output Transcription: tabby had lived with them for ten or twelve years and was as charlotte expressed it one of the family -2021-09-20 08:46:09.092 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:46:09.095 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: sometimes i'm that yearning for a smoke i'm nearly crazy an i dunno which is worst dyin one way or another -Output Transcription: sometimes in that year and for his smoke i'm nearly crazy dowith is worse in one way or the other -2021-09-20 08:46:09.099 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.571429 -2021-09-20 08:46:09.099 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i must come another day and see your husband i want to have a consultation with him about horses -Output Transcription: i must come another day and see your husband i want to have a consultation with him about horses -2021-09-20 08:46:09.100 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:46:09.100 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: and she threw her arms round her cousin's neck and brave rachel at last burst into tears -Output Transcription: and she threw her arms round her cousin's neck and brave rachel at last burst into tears -2021-09-20 08:46:09.100 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:46:09.100 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: if a layman in giving baptism pour the water before saying the words is the child baptized -Output Transcription: if a layman in giving baptism pour the water before saying the words is the child baptized -2021-09-20 08:46:09.101 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:46:09.101 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: no one would disturb their little house even if anyone came so far into the thick forest while they were gone -Output Transcription: no one would disturb their little house even if anyone came so far into the thick forest while they were gone -2021-09-20 08:46:09.101 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:46:09.101 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: a circle of a few hundred feet in circumference was drawn and each of the party took a segment for his portion -Output Transcription: a circle of a few hundred feet in circumference was drawn and each of the party took a segment for his portion -2021-09-20 08:46:09.102 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:46:09.103 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: without his scrapbooks his chemicals and his homely untidiness he was an uncomfortable man -Output Transcription: without his scrap books his chemicals and has homely untidiness he was an uncomfortable man -2021-09-20 08:46:09.105 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.214286 -2021-09-20 08:46:09.107 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: there was something individual about the great farm a most unusual trimness and care for detail -Output Transcription: there was something individual about the great farm a most unusual grimness and care for detail -2021-09-20 08:46:09.110 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.062500 -2021-09-20 08:46:09.115 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: stuteley was by his side in a flash and then they both began feeling about them to ascertain the shape and character of this vault -Output Transcription: studley was by his side in a flash and then they both began feeling about them to ascertain the shape and character of this vault -2021-09-20 08:46:09.120 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.040000 -2021-09-20 08:46:09.120 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: if it only were not so dark here and so terribly lonely -Output Transcription: if it only were not so dark here and so terribly lonely -2021-09-20 08:46:09.120 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:46:09.121 | INFO | deepspeech2x.model:test:372 - Error rate [wer] (1488/?) = 0.075320 -2021-09-20 08:46:11.990 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: however her features and form might repress any evidence of nervousness these hands told a different story -Output Transcription: however her features and four might repress any evidence of nervousness these hands told a different story -2021-09-20 08:46:11.993 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.058824 -2021-09-20 08:46:11.996 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: well said mademoiselle de tonnay charente i also think a good deal but i take care -Output Transcription: well said mademoiselle de ten salad i also think a good deal but i take care -2021-09-20 08:46:11.998 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.125000 -2021-09-20 08:46:11.998 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: somehow of all the days when the home feeling was the strongest this day it seemed as if she could bear it no longer -Output Transcription: somehow of all the days when the home feeling was the strongest this day it seemed as if she could bear it no longer -2021-09-20 08:46:11.998 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:46:11.999 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: yes in reality those were happy times -Output Transcription: yes in reality those were happy times -2021-09-20 08:46:11.999 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:46:12.001 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: remembering has to be a present occurrence in some way resembling or related to what is remembered -Output Transcription: remembering has to be a present occurrence and some way resembling or related to what is remembered -2021-09-20 08:46:12.004 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.058824 -2021-09-20 08:46:12.006 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: when called before i told how hastily i dropped my flowers or brake off from a game -Output Transcription: when called before i told how hastily i dropped my flowers or break off from a game -2021-09-20 08:46:12.009 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.058824 -2021-09-20 08:46:12.009 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: to relieve her from both he laid his hand with force upon his heart and said do you believe me -Output Transcription: to relieve her from both he laid his hand with force upon his heart and said do you believe me -2021-09-20 08:46:12.009 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:46:12.010 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i will make no unjust use of what i know he replied with firmness i believe you my lord -Output Transcription: i will make no unjust use of what i know he replied with firmness i believe you my lord -2021-09-20 08:46:12.010 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:46:12.015 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: they pointedly drew back from john jago as he approached the empty chair next to me and moved round to the opposite side of the table -Output Transcription: they pointedly drew back from john iago as he approached the empty chair next may and moved around to the opposite side of the table -2021-09-20 08:46:12.021 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.153846 -2021-09-20 08:46:12.024 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i can't play with you like a little boy any more he said slowly that's what you miss marie -Output Transcription: i can't play with you like a little boy any more he said slowly that's what you miss mary -2021-09-20 08:46:12.027 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.052632 -2021-09-20 08:46:12.028 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: a gentle kick from the tall boy in the bench behind urged stephen to ask a difficult question -Output Transcription: a gentle kick from the tall boy in the bench behind urged stephen to ask a difficult question -2021-09-20 08:46:12.028 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:46:12.031 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: but philip is honest and he has talent enough if he will stop scribbling to make his way -Output Transcription: and philip is honest and he asked allien if he will stop scribbling to make his way -2021-09-20 08:46:12.033 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.222222 -2021-09-20 08:46:12.035 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: stephen's heart began slowly to fold and fade with fear like a withering flower -Output Transcription: stephen's heart began slowly to fall and fade with fear like a withering flower -2021-09-20 08:46:12.037 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.071429 -2021-09-20 08:46:12.041 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: then i drank half of the hornful and sent the rest across the fire to the farmer he took it and smiled saying -Output Transcription: then i drank half of the mournful and set the rest to cross the fire to the farmer he took it and smiled saying -2021-09-20 08:46:12.045 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.173913 -2021-09-20 08:46:12.048 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: after early nightfall the yellow lamps would light up here and there the squalid quarter of the brothels -Output Transcription: after early nightfall the yellow lamps would light up here and there the squalid quarter of the profiles -2021-09-20 08:46:12.051 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.055556 -2021-09-20 08:46:12.053 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: every plant in the grass is set formally grows perfectly and may be realized completely -Output Transcription: every plant in the grass is set formally grows perfectly and maybe realized completely -2021-09-20 08:46:12.055 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.133333 -2021-09-20 08:46:12.055 | INFO | deepspeech2x.model:test:372 - Error rate [wer] (1504/?) = 0.075338 -2021-09-20 08:46:13.217 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: it has no beauty whatsoever no specialty of picturesqueness and all its lines are cramped and poor -Output Transcription: it has no beauty whatsoever no specialty of picturesque ness and all its lines are cramped and poor -2021-09-20 08:46:13.220 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.117647 -2021-09-20 08:46:13.221 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: cried alice again for this time the mouse was bristling all over and she felt certain it must be really offended -Output Transcription: cried alice again for this time the mouse was bristling all over and she felt certain it must be really offended -2021-09-20 08:46:13.221 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:46:13.223 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: my lord miss milner's taste is not a depraved one it is but too refined -Output Transcription: my lord miss milner's taste is not a depraved to one it is but too refined -2021-09-20 08:46:13.225 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.066667 -2021-09-20 08:46:13.228 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i did not mean said captain battleax to touch upon public subjects at such a moment as this -Output Transcription: i did not mean said captain battle ax to touch upon public subjects at such a moment as this -2021-09-20 08:46:13.231 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.111111 -2021-09-20 08:46:13.232 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: upon this madame deigned to turn her eyes languishingly towards the comte observing -Output Transcription: upon this madam deign to turn her eyes languishing towards the comet observing -2021-09-20 08:46:13.234 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.307692 -2021-09-20 08:46:13.234 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: but the more forgetfulness had then prevailed the more powerful was the force of remembrance when she awoke -Output Transcription: but the more forgetfulness had then prevailed the more powerful was the force of remembrance when she awoke -2021-09-20 08:46:13.235 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:46:13.235 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: he implores us to be discreet as the grave in this matter for in sooth his life is in the hollow of our hands -Output Transcription: he implores us to be discreet as the grave in this matter for in sooth his life is in the hollow of our hands -2021-09-20 08:46:13.235 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:46:13.238 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: as to his age and also the name of his master jacob's statement varied somewhat from the advertisement -Output Transcription: as to his age and also the night of his master jacob statement varied somewhat from the advertisement -2021-09-20 08:46:13.240 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.111111 -2021-09-20 08:46:13.241 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: he cried in high dudgeon just as if he owned the whole of the peppers and could dispose of them all to suit his fancy -Output Transcription: he cried in high dudgeon just as if he owned the whole of the peppers and could dispose of them all to suit his fancy -2021-09-20 08:46:13.241 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:46:13.241 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: to those duties you have not yet been called and when you are you will be less eager for celebrity -Output Transcription: to those duties you have not yet been called and when you are you will be less eager for celebrity -2021-09-20 08:46:13.241 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:46:13.244 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: on she hurried until sweeping down to the lagoon and the island lo the cotton lay before her -Output Transcription: aunt she hurried until sweeping down to the lagoon and the island lo the cotton lay before her -2021-09-20 08:46:13.247 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.055556 -2021-09-20 08:46:13.247 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: but cresswell added significantly capacity differs enormously between races -Output Transcription: but cresswell added significantly capacity differs enormously between races -2021-09-20 08:46:13.247 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:46:13.249 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: isn't he splendid cried jasper in intense pride swelling up father knew how to do it -Output Transcription: is an splendid cried jasper and intense pride swelling up father knew how to do it -2021-09-20 08:46:13.252 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.187500 -2021-09-20 08:46:13.254 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: to the fervent latter day saint a temple is not simply a church building a house for religious assembly -Output Transcription: to the fervent latterday saint a temple is not simply a church building a house for religious assembly -2021-09-20 08:46:13.257 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.105263 -2021-09-20 08:46:13.260 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: he was soft hearted and impetuous said beth and being in love he didn't stop to count the cost -Output Transcription: he was soft hearted an impetuous said beth and being in love he didn't stop to count the cost -2021-09-20 08:46:13.263 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.052632 -2021-09-20 08:46:13.264 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the chaos in which his ardour extinguished itself was a cold indifferent knowledge of himself -Output Transcription: the chaos in which his ardour extinguished itself was a cold indifferent knowledge of himself -2021-09-20 08:46:13.264 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:46:13.264 | INFO | deepspeech2x.model:test:372 - Error rate [wer] (1520/?) = 0.075136 -2021-09-20 08:46:14.662 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: horse sense a degree of wisdom that keeps one from betting on the races -Output Transcription: horse sense a degree of wisdom that keeps one from betting on the races -2021-09-20 08:46:14.663 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:46:14.666 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: dear me what a chatterbox you're getting to be unc remarked the magician who was pleased with the compliment -Output Transcription: dear me what a chatter box are getting to be an remarked the magician who was pleased with the compliment -2021-09-20 08:46:14.669 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.210526 -2021-09-20 08:46:14.672 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: january and february of eighteen thirty seven had passed away and still there was no reply from southey -Output Transcription: january in february of eighteen thirty seven had passed away and still there was no reply from the solve -2021-09-20 08:46:14.675 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.166667 -2021-09-20 08:46:14.675 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: at that moment the gentleman entered bearing a huge object concealed by a piece of green felt -Output Transcription: at that moment the gentleman entered bearing a huge object concealed by a piece of green felt -2021-09-20 08:46:14.676 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:46:14.678 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: friends said montfichet faintly to the wrestlers bear us escort so far as the sheriff's house -Output Transcription: friends said montrachet faintly to the wrestlers bar us escort so far as the sheriff's house -2021-09-20 08:46:14.680 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.125000 -2021-09-20 08:46:14.680 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the cat growled softly picked up the prize in her jaws and trotted into the bushes to devour it -Output Transcription: the cat growled softly picked up the prize in her jaws and trotted into the bushes to devour it -2021-09-20 08:46:14.681 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:46:14.681 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the awkward thing was that they had practically no other relations and that his own affairs took up all his time -Output Transcription: the awkward thing was that they had practically no other relations and that his own affairs took up all his time -2021-09-20 08:46:14.681 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:46:14.683 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: he continued his pretended search and to give color to his errand made two arrests -Output Transcription: he continued his pretended search and to give colour to his errand made to arrest -2021-09-20 08:46:14.685 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.200000 -2021-09-20 08:46:14.685 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: hay fever a heart trouble caused by falling in love with a grass widow -Output Transcription: hay fever a heart trouble caused by falling in love with a grass widow -2021-09-20 08:46:14.685 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:46:14.689 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: and so on till you get to the end when ophelia might say ah yes or something non committal of that sort -Output Transcription: and so on till you get to the end when pele might say ah yes or something noncommittal of that sort -2021-09-20 08:46:14.693 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.136364 -2021-09-20 08:46:14.693 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: is it not impossible he murmured aloud that any city should disappear so completely -Output Transcription: is it not impossible he murmured aloud that any city should disappear so completely -2021-09-20 08:46:14.694 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:46:14.694 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: as he had promised to protect the hotel the reassured citizens began to laugh at their own fears -Output Transcription: as he had promised to protect the hotel the reassured citizens began to laugh at their own fears -2021-09-20 08:46:14.694 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:46:14.697 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: robin fitzooth saw that his doubts of warrenton had been unfair and he became ashamed of himself for harboring them -Output Transcription: robin fitz oth saw that his doubts of warrenton had been unfair and he became ashamed of himself for harboring them -2021-09-20 08:46:14.701 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.100000 -2021-09-20 08:46:14.704 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: asked phronsie in intense interest slipping down out of polly's arms and crowding up close to jasper's side -Output Transcription: asked prose and intense interest slipping down out of polly's arms and crowding up close to jasper side -2021-09-20 08:46:14.706 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.166667 -2021-09-20 08:46:14.707 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i cannot allow the examination to be held if one of the papers has been tampered with the situation must be faced -Output Transcription: i cannot allow the examination to be held if one of the papers has been tampered with the situation must be faced -2021-09-20 08:46:14.707 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:46:14.709 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: rachel's pale and sharpened features and dilated eye struck her with a painful surprise -Output Transcription: rachel's pale and sharpened features and dilated i struck her with a painful surprise -2021-09-20 08:46:14.710 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.071429 -2021-09-20 08:46:14.711 | INFO | deepspeech2x.model:test:372 - Error rate [wer] (1536/?) = 0.075129 -2021-09-20 08:46:16.156 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: what then a human hand large and shapely appeared distinctly on the surface of the pond -Output Transcription: what then a human hand large and shapely appear distinctly on the surface of the pond -2021-09-20 08:46:16.159 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.062500 -2021-09-20 08:46:16.160 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: captain martin said i shall give you a pistol to help protect yourself if worse comes to worst -Output Transcription: captain martin said i shall give you a pistol to help protect yourself if worse comes to worst -2021-09-20 08:46:16.160 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:46:16.161 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the king stood up and called for that psalm which begins with these words -Output Transcription: the king stood up and called for that psalm which begins with these words -2021-09-20 08:46:16.161 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:46:16.161 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i know gasped polly controlling her sobs i won't only i can't thank you -Output Transcription: i know gasped polly controlling her sobs i won't only i can't thank you -2021-09-20 08:46:16.161 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:46:16.164 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: many laws exist among us which are the counterpart of yours as they were in the olden time -Output Transcription: many laws exist imo this which are the counterpart of yours as they were in the olden time -2021-09-20 08:46:16.167 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.111111 -2021-09-20 08:46:16.170 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the inmates being removed at the appointed hour a few cannon balls were fired through the stone walls -Output Transcription: the inmates being removed at the appointed hour if you cannon balls were fired to the stone walls -2021-09-20 08:46:16.172 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.166667 -2021-09-20 08:46:16.173 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: always irritable cold indifferent he had grown rapidly more so as years went on -Output Transcription: always irritable cold indifferent he had grown rapidly more so as years went on -2021-09-20 08:46:16.173 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:46:16.176 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the air and the earth are curiously mated and intermingled as if the one were the breath of the other -Output Transcription: the air and the earth or curiously mated and intermingled as if the one or the breath of the other -2021-09-20 08:46:16.179 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.100000 -2021-09-20 08:46:16.184 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i like you will you are the second will that i have met and liked within two days is there a sign in that -Output Transcription: i like you will you are the second will that i have met in light within two days is there a sign in that -2021-09-20 08:46:16.188 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.083333 -2021-09-20 08:46:16.189 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the room of the great knife was high and big and around it ran rows of benches for the spectators to sit upon -Output Transcription: the room of the great knife was high and big and around it ran rows of benches for the spectators to sit upon -2021-09-20 08:46:16.189 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:46:16.191 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: no no no totty ud get her feet wet said missus poyser carrying away her iron -Output Transcription: no no no toddy did her feet wet said missus poyser carrying away her iron -2021-09-20 08:46:16.193 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.187500 -2021-09-20 08:46:16.197 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the question is which of the two methods will most effectively reach the persons whose convictions it is desired to affect -Output Transcription: the question is which of the two methods will most effectively reached the persons whose convictions it is desired to effect -2021-09-20 08:46:16.200 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.095238 -2021-09-20 08:46:16.204 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: at the foot of the mountain that separated the country of the munchkins from the country of the gillikins the path divided -Output Transcription: at the foot of the mountain separated the country of the munchkins from the country of the gilligans the path divided -2021-09-20 08:46:16.207 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.090909 -2021-09-20 08:46:16.212 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: she saw that the bed was gilded and so rich that it seemed that of a prince rather than of a private gentleman -Output Transcription: she saw that the bed was gilded and so rich that it seemed that of a prince or rather that of a private gentleman -2021-09-20 08:46:16.216 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.086957 -2021-09-20 08:46:16.220 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: robin and the little tumbler between them tried to force the squire to stand back and very valiantly did these two comport themselves -Output Transcription: robin and the little tumbler between them tried to force the squire to stand back and very valiantly to these two comport themselves -2021-09-20 08:46:16.225 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.043478 -2021-09-20 08:46:16.225 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: but that wise and placid woman understood the sweet rebel a great deal better than ruth understood herself -Output Transcription: but that wise and placid woman understood the sweet rebel a great deal better than ruth understood herself -2021-09-20 08:46:16.225 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:46:16.225 | INFO | deepspeech2x.model:test:372 - Error rate [wer] (1552/?) = 0.074977 -2021-09-20 08:46:20.212 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: many if not all the elements of the pre socratic philosophy are included in the timaeus -Output Transcription: many if not all the elements of the presocratic philosophy are included into timeus -2021-09-20 08:46:20.215 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.312500 -2021-09-20 08:46:20.216 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: why if we erect a station at the falls it is a great economy to get it up to the city -Output Transcription: why if we erect a station at the falls it is a great economy to get it up to the city -2021-09-20 08:46:20.216 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:46:20.216 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: indeed there were only one or two strangers who could be admitted among the sisters without producing the same result -Output Transcription: indeed there were only one or two strangers who could be admitted among the sisters without producing the same result -2021-09-20 08:46:20.216 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:46:20.220 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: he give up his position and shut the family up in that tomb of a house so t he could study his books -Output Transcription: he gave up his position and shut the family up in that tomb of a house so he could study his books -2021-09-20 08:46:20.224 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.086957 -2021-09-20 08:46:20.228 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: nay dear aunt you never heard me say that all people are called to forsake their work and their families -Output Transcription: nay dear and you never heard me say that all people are called to forsake their work and their families -2021-09-20 08:46:20.231 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.050000 -2021-09-20 08:46:20.234 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: two monsters only were creating all this commotion and before my eyes are two reptiles of the primitive world -Output Transcription: two monsters only recreating all this commotion and before my eyes are too ripe holes of the primitive world -2021-09-20 08:46:20.237 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.263158 -2021-09-20 08:46:20.239 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: ruth sat quite still for a time with face intent and flushed it was out now -Output Transcription: ruth sat quite still for a time with face and tent and flushed it was out now -2021-09-20 08:46:20.242 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.125000 -2021-09-20 08:46:20.242 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: were i to comply with your orders without expressing my own opinion i should seem to have done so willingly hereafter -Output Transcription: were i to comply with your orders without expressing my own opinion i should seem to have done so willingly hereafter -2021-09-20 08:46:20.242 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:46:20.247 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the sight of you bartley to see you living and happy and successful can i never make you understand what that means to me -Output Transcription: the sight of you partly to see you living and happy into successful can i never make you understand what that means to me -2021-09-20 08:46:20.251 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.083333 -2021-09-20 08:46:20.252 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i will make you translate them into french and you need not be afraid of my finding you insatiable -Output Transcription: i will make you translate them into french and you need not be afraid of my finding you insatiable -2021-09-20 08:46:20.252 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:46:20.254 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i believe in the training of people to their highest capacity the englishman here heartily seconded him -Output Transcription: i believe in the training of people to their has capacity the englishman here heartily seconded him -2021-09-20 08:46:20.257 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.058824 -2021-09-20 08:46:20.257 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the wharves of brooklyn and every part of new york bordering the east river were crowded with curiosity seekers -Output Transcription: the wharves of brooklyn and every part of new york bordering the east river were crowded with curiosity seekers -2021-09-20 08:46:20.257 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:46:20.262 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: as holmes drew the curtain i was aware from some little rigidity and alertness of his attitude that he was prepared for an emergency -Output Transcription: as holmes drew the curtain i was aware from some little rigidity and an alertness of his attitude that he was prepared for an emergency -2021-09-20 08:46:20.267 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.041667 -2021-09-20 08:46:20.272 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: she was very fond of the young ladies whom she had known when aunt jane was the mistress here and beth was her especial favorite -Output Transcription: she was very fond of the young ladies whom she had known when aunt jane was their mistress here and beth was her special favourite -2021-09-20 08:46:20.277 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.120000 -2021-09-20 08:46:20.280 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: then turning to jane she asked in a somewhat altered tone has she been a good girl jane -Output Transcription: then turning to jane she asked in a somewhat altered tone had she been a good girl jane -2021-09-20 08:46:20.282 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.055556 -2021-09-20 08:46:20.283 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: if this matter is not to become public we must give ourselves certain powers and resolve ourselves into a small private court martial -Output Transcription: if this matter is not to become public we must give ourselves certain powers and resolve ourselves into a small private court martial -2021-09-20 08:46:20.283 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:46:20.283 | INFO | deepspeech2x.model:test:372 - Error rate [wer] (1568/?) = 0.074902 -2021-09-20 08:46:22.503 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: it is such a noble ambition that it is a pity it has usually such a shallow foundation -Output Transcription: it is such a noble ambition that it is a pity it has usually such a shallow foundation -2021-09-20 08:46:22.504 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:46:22.504 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: come come said holmes kindly it is human to err and at least no one can accuse you of being a callous criminal -Output Transcription: come come said holmes kindly it is human to err and at least no one can accuse you of being a callous criminal -2021-09-20 08:46:22.505 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:46:22.507 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: these thoughts agitated me all day and my imagination scarcely calmed down after several hours sleep -Output Transcription: these thoughts agitated me all day in my imagination scarcely calm down after several hours sleeve -2021-09-20 08:46:22.510 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.187500 -2021-09-20 08:46:22.511 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: and what demonstration do you offer asked servadac eagerly that it will not happen -Output Transcription: and what demonstration do you offer asked serac eagerly that it will not happen -2021-09-20 08:46:22.513 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.071429 -2021-09-20 08:46:22.513 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i knew nothing of the doctrine of faith because we were taught sophistry instead of certainty and nobody understood spiritual boasting -Output Transcription: i knew nothing of the doctrine of faith because we were taught sophistry instead of certainty and nobody understood spiritual boasting -2021-09-20 08:46:22.514 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:46:22.517 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: but it is not with a view to distinction that you should cultivate this talent if you consult your own happiness -Output Transcription: but it is not with a view to distinction that you should cultivate this talent if you can set your unhappiness -2021-09-20 08:46:22.521 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.190476 -2021-09-20 08:46:22.524 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: so ghip ghisizzle ordered the captain to take a file of soldiers and escort the raving beauties to their new home -Output Transcription: so hp chasis ordered the captain to take a file of soldiers and escort raving beauties to their new home -2021-09-20 08:46:22.528 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.142857 -2021-09-20 08:46:22.528 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: like the doves voice like transient day like music in the air ah -Output Transcription: like the doves voice like transient day like music in the air ah -2021-09-20 08:46:22.528 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:46:22.535 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the alternative was that someone passing had observed the key in the door had known that i was out and had entered to look at the papers -Output Transcription: they'll turn to was that someone passing had observed the key in the door had known that i was out and had entered to look at the papers -2021-09-20 08:46:22.541 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.111111 -2021-09-20 08:46:22.542 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: saturday august fifteenth the sea unbroken all round no land in sight -Output Transcription: saturday august fifteen the sea and broken all round no land in sight -2021-09-20 08:46:22.544 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.250000 -2021-09-20 08:46:22.544 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the mohican started on his feet and shook his shaggy covering as though the animal he counterfeited was about to make some desperate effort -Output Transcription: the mohican started on his feet and shook his shaggy covering as though the animal he counterfeited was about to make some desperate effort -2021-09-20 08:46:22.544 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:46:22.546 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: find some cresswells there big plantations rated at two hundred and fifty thousand dollars -Output Transcription: five some crust whales there big plantations radiate two hundred and fifty thousand dollars -2021-09-20 08:46:22.548 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.357143 -2021-09-20 08:46:22.548 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: what i mean is that i want you to promise never to see me again no matter how often i come no matter how hard i beg -Output Transcription: what i mean is that i want you to promise never to see me again no matter how often i come no matter how hard i beg -2021-09-20 08:46:22.548 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:46:22.549 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: ten days were consumed in these negotiations but the spirit of vengeance refused to yield -Output Transcription: ten days were consumed in these negotiations but the spirit of vengeance refused to yield -2021-09-20 08:46:22.549 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:46:22.555 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: not only this but on the table i found a small ball of black dough or clay with specks of something which looks like sawdust in it -Output Transcription: not only this but on the table i found a small ball of black doll or clay with specks of something which looks like sawdust and -2021-09-20 08:46:22.561 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.111111 -2021-09-20 08:46:22.565 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: yea his honourable worship is within but he hath a godly minister or two with him and likewise a leech -Output Transcription: yea his honourable worship is within but he hath the godly minister or two with him and likewise a leech -2021-09-20 08:46:22.568 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.050000 -2021-09-20 08:46:22.568 | INFO | deepspeech2x.model:test:372 - Error rate [wer] (1584/?) = 0.075041 -2021-09-20 08:46:23.944 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the john bright is armed with a weapon of great power against which it is impossible that the people of britannula should prevail -Output Transcription: the job right his arm with a weapon of great power against which it is impossible that the people of britain ula should prevail -2021-09-20 08:46:23.949 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.260870 -2021-09-20 08:46:23.949 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the meter continued in general service during eighteen ninety nine and probably up to the close of the century -Output Transcription: the meter continued in general service during eighteen ninety nine and probably up to the close of the century -2021-09-20 08:46:23.950 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:46:23.950 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the door opened again while i was still studying the two brothers without i honestly confess being very favorably impressed by either of them -Output Transcription: the door opened again while i was still studying the two brothers without i honestly confess being very favorably impressed by either of them -2021-09-20 08:46:23.950 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:46:23.952 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: do you know lake oh i really can't tell but he'll soon tire of country life -Output Transcription: do you know like oh i'm really can't tell but he'll soon tire of country life -2021-09-20 08:46:23.955 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.125000 -2021-09-20 08:46:23.958 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: but emil if i understand then all our good times are over we can never do nice things together any more -Output Transcription: but imo if i understand it all or a good times are over we can never do nice things together any more -2021-09-20 08:46:23.962 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.190476 -2021-09-20 08:46:23.966 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: miss de graf said kenneth noticing the boy's face critically as he stood where the light from the passage fell upon it -Output Transcription: mister graft said kenneth noticing the boy's face critically as he stood where the light from the passage fell upon it -2021-09-20 08:46:23.970 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.136364 -2021-09-20 08:46:23.973 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: dear me ejaculated the old gentleman in the utmost amazement and such a time as i've had to get her here too -Output Transcription: dear me ejaculated the old gentleman and the utmost amazement and such a time as i've had to get her here to -2021-09-20 08:46:23.977 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.090909 -2021-09-20 08:46:23.979 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: not gold or silver or paschal lambs or an angel but himself what for -Output Transcription: not gold or silver or patio lamps or an angel but himself what for -2021-09-20 08:46:23.981 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.142857 -2021-09-20 08:46:23.981 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: for like as not they must have thought him a prince when they saw his fine cap -Output Transcription: for like as not they must have thought him a prince when they saw his fine cap -2021-09-20 08:46:23.981 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:46:23.986 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: but they could not have proven a case against lucy if she was innocent and all their threats of arresting her were probably mere bluff -Output Transcription: but they could not have proven a case against lucy if she was innocent and all their threats of arresting her were probably a mere bluff -2021-09-20 08:46:23.992 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.040000 -2021-09-20 08:46:23.992 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: gold is the most common metal in the land of oz and is used for many purposes because it is soft and pliable -Output Transcription: gold is the most common metal in the land of oz and is used for many purposes because it is soft and pliable -2021-09-20 08:46:23.993 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:46:23.996 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: but the memory of their exploits has passed away owing to the lapse of time and the extinction of the actors -Output Transcription: the memory of their exploits have passed away owing to the lapse of time and the extinction of the actors -2021-09-20 08:46:23.999 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.095238 -2021-09-20 08:46:24.004 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i couldn't shiver much bein bound so tight but when i'm loose i mean to have jus one good shiver to relieve my feelin's -Output Transcription: i couldn't shiver much being bound so tight but when i love i mean to have just one good shiver to relieve my feelings -2021-09-20 08:46:24.009 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.208333 -2021-09-20 08:46:24.012 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: it is founded on the acknowledged weakness of those who survive that period of life at which men cease to work -Output Transcription: it is founded on the acknowledged weakness of those who survived that period of life at which men cease to work -2021-09-20 08:46:24.016 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.047619 -2021-09-20 08:46:24.018 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: double nine two three elsinore double nine yes hallo is that you horatio hamlet speaking -Output Transcription: double nine two three elenor double not yes fellow is that you horatio hamlet speaking -2021-09-20 08:46:24.020 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.200000 -2021-09-20 08:46:24.023 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i can distinguish the eye of the ichthyosaurus glowing like a red hot coal and as large as a man's head -Output Transcription: i can distinguish the eye of dioscorus glowing like a red hot o and as large as a man's head -2021-09-20 08:46:24.027 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.142857 -2021-09-20 08:46:24.027 | INFO | deepspeech2x.model:test:372 - Error rate [wer] (1600/?) = 0.075543 -2021-09-20 08:46:30.130 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: in the old badly made play it was frequently necessary for one of the characters to take the audience into his confidence -Output Transcription: in the old badly made plain it was frequently necessary for one of the characters to take the audience into his competence -2021-09-20 08:46:30.135 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.090909 -2021-09-20 08:46:30.138 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i was to be taken away and carried to england or elsewhere or drowned upon the voyage it mattered not which -Output Transcription: i was to be taken away and carry to england or elsewhere or drowned upon the voyage mattered not which -2021-09-20 08:46:30.166 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.095238 -2021-09-20 08:46:30.171 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the delaware dog he said leaning forward and peering through the dim light to catch the expression of the other's features is he afraid -Output Transcription: the delaware dog he said leaning forward and peering through the dim light to catch the expression of the others features is he afraid -2021-09-20 08:46:30.175 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.041667 -2021-09-20 08:46:30.176 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: these women were flattered by the attention of the young lady and had promised to assist in electing mister forbes -Output Transcription: these women were flattered by the attention of the young lady and had promised to assist in electing mister forbes -2021-09-20 08:46:30.176 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:46:30.179 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: for one long moment he paused stupid agape with utter amazement then leaned dizzily against a tree -Output Transcription: for one long moment he paused stupid a gate with utter amazement then leaned dizzily against the tree -2021-09-20 08:46:30.194 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.176471 -2021-09-20 08:46:30.197 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the attendance was unexpectedly large and the girls were delighted foreseeing great success for their fete -Output Transcription: the attendance was unexpectedly large and the girls were delighted for seeing great success for their fight -2021-09-20 08:46:30.200 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.187500 -2021-09-20 08:46:30.205 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: if the prosecution were withdrawn and the case settled with the victim of the forged check then the young man would be allowed his freedom -Output Transcription: if the prosecution were withdrawn and the case settled with the victim of the fore check then the young man would be allowed his freedom -2021-09-20 08:46:30.210 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.040000 -2021-09-20 08:46:30.215 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: he was a fanatic on formality and he only addressed me in the third person to the point where it got tiresome -Output Transcription: he was a fanatic on formality and he only addressed me in the third person to the point where it got higher some -2021-09-20 08:46:30.220 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.090909 -2021-09-20 08:46:30.220 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: when she could not make a rabbit or a bird look real on paper she searched in her father's books for pictures of its bones -Output Transcription: when she could not make a rabbit or a bird look real on paper she searched in her father's books for pictures of its bones -2021-09-20 08:46:30.221 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:46:30.225 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: we look for that reward which eye hath not seen nor ear heard neither hath entered into the heart of man -Output Transcription: we look for that reward which i hath not seen nor ear heard neither hath entered into the heart of man -2021-09-20 08:46:30.228 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.047619 -2021-09-20 08:46:30.229 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: to teach reading means to light the fire every syllable spelled out sparkles -Output Transcription: to teach reading means to light the fire every syllable spelled out sparkles -2021-09-20 08:46:30.229 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:46:30.234 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: they moved thereafter cautiously about the hut groping before and about them to find something to show that warrenton had fulfilled his mission -Output Transcription: they moved thereafter cautiously about the hut groping before and about them to find something to show that the warrant in had fulfilled his mission -2021-09-20 08:46:30.238 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.130435 -2021-09-20 08:46:30.241 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the atmosphere is charged with vapours pervaded with the electricity generated by the evaporation of saline waters -Output Transcription: the atmosphere is charged with vapors pervaded with the electricity generated by the evaporation of sailing waters -2021-09-20 08:46:30.243 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.117647 -2021-09-20 08:46:30.244 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: he summoned half a dozen citizens to join his posse who followed obeyed and assisted him -Output Transcription: he summoned half a dozen citizens to join his posse who followed obeyed and assisted him -2021-09-20 08:46:30.244 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:46:30.244 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: hotel a place where a guest often gives up good dollars for poor quarters -Output Transcription: hotel a place where a guest often gives up good dollars for poor quarters -2021-09-20 08:46:30.244 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:46:30.250 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: but it is on other grounds worth noting that the term waste in the language of everyday life implies deprecation of what is characterized as wasteful -Output Transcription: but it is another grand worth noting that the term waste in the language of everyday life implies deprecation of what is characterized as wasteful -2021-09-20 08:46:30.255 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.115385 -2021-09-20 08:46:30.255 | INFO | deepspeech2x.model:test:372 - Error rate [wer] (1616/?) = 0.075474 -2021-09-20 08:46:33.010 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: in novels the hero has often pushed his meals away untasted but no stage hero would do anything so unnatural as this -Output Transcription: in novels the hero has often pushed his meals away un tasted but no state or would do anything so unnatural as this -2021-09-20 08:46:33.015 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.181818 -2021-09-20 08:46:33.019 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: it is you who are mistaken raoul i have read his distress in his eyes in his every gesture and action the whole day -Output Transcription: it is you were mistaken row i have read his distress in his eyes in his every gesture and action the whole day -2021-09-20 08:46:33.024 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.125000 -2021-09-20 08:46:33.026 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: semon's two books mentioned in an earlier lecture do not touch knowledge memory at all closely -Output Transcription: sermons two books mentioned in an earlier lecture do not touch knowledge memory at all closely -2021-09-20 08:46:33.028 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.062500 -2021-09-20 08:46:33.030 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: hilda watched him from her corner trembling and scarcely breathing dark shadows growing about her eyes it -Output Transcription: hilda watched him from the corner trembling and scarcely breathing dark shadows growing about her eyes it -2021-09-20 08:46:33.033 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.058824 -2021-09-20 08:46:33.038 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: this truth which i have learned from her lips is confirmed by his face in which we have both beheld that of our son -Output Transcription: this truth which i have learned from her lips is confirmed by his face in which we have both be held that of our son -2021-09-20 08:46:33.043 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.083333 -2021-09-20 08:46:33.043 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: there were plenty of people to help but of course the young lady who should go down as governess would be in supreme authority -Output Transcription: there were plenty of people to help but of course the young lady who should go down as governess would be in supreme authority -2021-09-20 08:46:33.043 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:46:33.047 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i swan to man he ejaculated if you don't work hard you can't keep up with the times doctor of laws -Output Transcription: i swaying to men he ejaculated if you don't work hard you can keep up with the times doctor of laws -2021-09-20 08:46:33.050 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.142857 -2021-09-20 08:46:33.051 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: from rubbing shoulders with scientists in our little universe by the botanical gardens the boy had come to know a thing or two -Output Transcription: from rubbing shoulders with scientists in our little universe by the botanical gardens the boy had come to know a thing or two -2021-09-20 08:46:33.051 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:46:33.055 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i had scarcely known what i had been saying or doing up to this time but as he spoke i looked at my hand -Output Transcription: i had scarcely known when i had been saying or doing up to this time by as he spoke i looked at my hand -2021-09-20 08:46:33.060 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.083333 -2021-09-20 08:46:33.063 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: look yonder do you not see the moon slowly rising silvering the topmost branches of the chestnuts and the oaks -Output Transcription: look yonder do you not see the moon slowly rising silvering the topmost branches of the chestnuts and the yolks -2021-09-20 08:46:33.067 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.050000 -2021-09-20 08:46:33.067 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: to bestow peace and grace lies in the province of god who alone can create these blessings the angels cannot -Output Transcription: to bestow peace and grace lies in the province of god who alone can create these blessings the angels cannot -2021-09-20 08:46:33.067 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:46:33.071 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: she a tory and clergyman's daughter was always in a minority of one in our house of violent dissent and radicalism -Output Transcription: she torian clergyman's daughter was always in a minority of one in our house of violent dissent and radicalism -2021-09-20 08:46:33.074 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.142857 -2021-09-20 08:46:33.079 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: by this time the two gentlemen had reached the palings and had got down from their horses it was plain they meant to come in -Output Transcription: by this time the two gentlemen had reached the palins and had got down from their horses it was plain they meant to come in -2021-09-20 08:46:33.084 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.040000 -2021-09-20 08:46:33.084 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: surface dust at least had been removed and the fine old furniture gave a hint of its real elegance and polish -Output Transcription: surface dust at least had been removed and the fine old furniture gave a hint of its real elegance and polish -2021-09-20 08:46:33.085 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:46:33.089 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the revelation of his love lighted and brightened slowly till it flamed like a sunrise over him and left him in burning wonder -Output Transcription: the revelation of his love lighted and brightened slowly till it flamed like a sunrise over him and left him in bruning wonder -2021-09-20 08:46:33.093 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.043478 -2021-09-20 08:46:33.093 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: whatever lord chelford said miss brandon received it very graciously and even with a momentary smile -Output Transcription: whatever lord chelford said miss brandon received it very graciously and even with a momentary smile -2021-09-20 08:46:33.094 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:46:33.094 | INFO | deepspeech2x.model:test:372 - Error rate [wer] (1632/?) = 0.075280 -2021-09-20 08:46:34.571 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: put these playthings all away quick and carefully and we will not let them know any thing about your leaving them out -Output Transcription: but these playthings all away quick and carefully and we will not let them know anything about your leaving them out -2021-09-20 08:46:34.576 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.136364 -2021-09-20 08:46:34.577 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: you seem anxious my uncle i said seeing him continually with his glass to his eye anxious -Output Transcription: you seem anxious my uncle i said seeing him continually with his glass to his eye anxious -2021-09-20 08:46:34.577 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:46:34.577 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i had a name i believe in my young days but i have forgotten it since i have been in service -Output Transcription: i had a name i believe in my young days but i have forgotten it since i have been in service -2021-09-20 08:46:34.577 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:46:34.581 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: their walk continued silent for the greater part neither was quite satisfied with the other but rachel at last said -Output Transcription: the walk continued silent for the greater part neither was quite satisfied with the other but rachel at last said -2021-09-20 08:46:34.585 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.050000 -2021-09-20 08:46:34.585 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: his wife now lies beside him and the white shaft that marks their graves gleams across the wheat fields -Output Transcription: his wife now lies beside him and the white shaft that marks their graves gleams across the wheat fields -2021-09-20 08:46:34.586 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:46:34.591 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: at the sudden sharp sting of it the great bird turned his head and noticed for the first time the fisherman standing on the bank -Output Transcription: at the sudden sharp sting of it the great bird turned his head and noticed for the first time the fishermen standing on the bank -2021-09-20 08:46:34.597 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.040000 -2021-09-20 08:46:34.597 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: he reckoned therefore not only upon ascertaining the extent of the late catastrophe but upon learning its cause -Output Transcription: he reckoned therefore not only upon ascertaining the extent of the late catastrophe but upon learning its cause -2021-09-20 08:46:34.597 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:46:34.601 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: he detested the grasping disposition that would endeavor to take advantage of his evident desire to help young gates -Output Transcription: he detested the grasping despises and that would endeavour to take advantage of his evident desire to help young gates -2021-09-20 08:46:34.604 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.157895 -2021-09-20 08:46:34.610 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: we are losing time and the fact is i have not come all this way to take a little sail upon a pond on a raft -Output Transcription: we are losing time and the fact is i have not come all this way to take a little sale upon a pond on a raft -2021-09-20 08:46:34.616 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.038462 -2021-09-20 08:46:34.621 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: warrenton spoke thus with significance to show robin that he was not to think geoffrey's claims to the estate would be passed by -Output Transcription: warrenton spoke thus with significance to show robin that he was not to think jeffrey's claims to the estate where we passed by -2021-09-20 08:46:34.626 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.130435 -2021-09-20 08:46:34.629 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: it sounded dull it sounded strange and all the more so because of his main condition which was -Output Transcription: it sounded dull that sounded strange and all the more because of his main condition which was -2021-09-20 08:46:34.631 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.111111 -2021-09-20 08:46:34.635 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: in the light of the moon i saw a knife red with blood and my hand too was also discoloured -Output Transcription: in the light of the moon i saw a knife red with blood and my hand too was also discolored -2021-09-20 08:46:34.639 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.050000 -2021-09-20 08:46:34.639 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: jack had been standing in the far corner of the room talking to eva and was now reduced to silence by his praises -Output Transcription: jack had been standing in the far corner of the room talking to eva and was now reduced to silence by his praises -2021-09-20 08:46:34.640 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:46:34.643 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: she was dressed in the regulation costume of the maids at elmhurst a plain black gown with white apron and cap -Output Transcription: she was dressed in the regulation costume of the maids at elmhurst a plain black gown with a white apron and cap -2021-09-20 08:46:34.648 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.047619 -2021-09-20 08:46:34.651 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: plato had not the command of his materials which would have enabled him to produce a perfect work of art -Output Transcription: place had not the command of his materials which would have enabled him to produce a perfect work of art -2021-09-20 08:46:34.655 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.050000 -2021-09-20 08:46:34.663 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: they were upon the verge of an open trap in the far corner of the hut and stuteley had tripped over the edge of the reversed flap mouth of this pit -Output Transcription: they were upon the verge of an open trap in the far corner of the hut and stately had tripped over the edge of the reversed flat mouth of this pit -2021-09-20 08:46:34.671 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.064516 -2021-09-20 08:46:34.672 | INFO | deepspeech2x.model:test:372 - Error rate [wer] (1648/?) = 0.074934 -2021-09-20 08:46:36.125 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: this outward mutability indicated and did not more than fairly express the various properties of her inner life -Output Transcription: this outward mutability indicated and did not more than fairly express the various properties of her inner life -2021-09-20 08:46:36.126 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:46:36.130 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: it is an antipathy an antipathy i cannot get over dear dorcas you may think it a madness but don't blame me -Output Transcription: it is an antipathy and antipathy i cannot get over dear dorcas you may think it a madness but don't blame me -2021-09-20 08:46:36.135 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.045455 -2021-09-20 08:46:36.139 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: you know i have just been telling you how this school of materialism and clay involved itself at last in cloud and fire -Output Transcription: you know i have just been telling you how this school materialism and clay involved itself at last in cloud and fire -2021-09-20 08:46:36.144 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.043478 -2021-09-20 08:46:36.144 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i was hoping that if the paper on which he wrote was thin some trace of it might come through upon this polished surface no i see nothing -Output Transcription: i was hoping that if the paper on which he wrote was thin some trace of it might come through upon this polished surface no i see nothing -2021-09-20 08:46:36.144 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:46:36.145 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: after proceeding a few miles the progress of hawkeye who led the advance became more deliberate and watchful -Output Transcription: after proceeding a few miles the progress of hawkeye who led the advance became more deliberate and watchful -2021-09-20 08:46:36.145 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:46:36.147 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: quick quick then among the high reed grass said montalais stoop athenais you are so tall -Output Transcription: quick quick then among the high reed grass said montanas stoop athena you are so tall -2021-09-20 08:46:36.149 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.125000 -2021-09-20 08:46:36.153 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: its jaw is enormous and according to naturalists it is armed with no less than one hundred and eighty two teeth -Output Transcription: its jaw is enormous and according naturalists is armed with no less than one hundred and eighty two teeth -2021-09-20 08:46:36.157 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.095238 -2021-09-20 08:46:36.161 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: very much of squalor and discomfort will be endured before the last trinket or the last pretense of pecuniary decency is put away -Output Transcription: very much of squalor and discomfort will be endured before the last trinket or the last pretence of pecuniary decency is put away -2021-09-20 08:46:36.166 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.043478 -2021-09-20 08:46:36.170 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the night was spent in packing up and writing letters for philip would not take such an important step without informing his friends -Output Transcription: the night was spent in packing up in writing letters for philip would not take such an important step without informing his friends -2021-09-20 08:46:36.175 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.043478 -2021-09-20 08:46:36.176 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: did not christ himself say i am the way and the truth and the life no man cometh unto the father but by me -Output Transcription: did not christ himself say i am the way and the truth and the life no man cometh unto the father but by me -2021-09-20 08:46:36.176 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:46:36.176 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: oh mademoiselle why have i not a devoted sister or a true friend such as yourself -Output Transcription: oh mademoiselle why have i not a devoted sister or a true friend such as yourself -2021-09-20 08:46:36.176 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:46:36.181 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: what is the tumult and rioting cried out the squire authoritatively and he blew twice on a silver whistle which hung at his belt -Output Transcription: what is the tumult and rioting cried out the squire authoritatively and he blew twice on the silver whistle which hung at his belt -2021-09-20 08:46:36.186 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.041667 -2021-09-20 08:46:36.189 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: nancy's curly chestnut crop shone in the sun and olive's thick black plaits looked blacker by contrast -Output Transcription: nancy's curly chestnut crop shone in the sun and olive thick black plates looked blacker by contrast -2021-09-20 08:46:36.192 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.117647 -2021-09-20 08:46:36.192 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: cried one of the women he took no notice of her he looked at me but as if instead of me he saw what he spoke of -Output Transcription: cried one of the women he took no notice of her he looked at me but as if instead of me he saw what he spoke of -2021-09-20 08:46:36.193 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:46:36.196 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: but suddenly straight and swift as a diving cormorant he shot down into the torrent and disappeared beneath the surface -Output Transcription: but suddenly straight and swift as a dive in comrade he shot down into the torrent and disappeared beneath the surface -2021-09-20 08:46:36.200 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.150000 -2021-09-20 08:46:36.204 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: other circumstances permitting that instinct disposes men to look with favor upon productive efficiency and on whatever is of human use -Output Transcription: are the circumstances permitting that instinct disposes men to look with favor upon productive efficiency and on whatever is of human use -2021-09-20 08:46:36.209 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.095238 -2021-09-20 08:46:36.209 | INFO | deepspeech2x.model:test:372 - Error rate [wer] (1664/?) = 0.074457 -2021-09-20 08:46:39.657 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: his feet were red his long narrow beak with its saw toothed edges and sharp hooked tip was bright red -Output Transcription: his feet were red his long narrow beak with its soul toothed edges and sharp hooked tip was bright red -2021-09-20 08:46:39.662 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.050000 -2021-09-20 08:46:39.665 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the behaviourist who attempts to make psychology a record of behaviour has to trust his memory in making the record -Output Transcription: the behaviors to attempts to make psychology a record of behaviour has to trust his memory and making the record -2021-09-20 08:46:39.668 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.150000 -2021-09-20 08:46:39.674 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: but your power is so superior to any that i can advance as to make us here feel that there is no disgrace in yielding to it -Output Transcription: but your power is so superior to any that i can advance as to make us here feel that there is no disgrace and yielding to it -2021-09-20 08:46:39.681 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.037037 -2021-09-20 08:46:39.681 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: suddenly for the purpose of restoring peace and order spring accompanied by his whole court made his appearance -Output Transcription: suddenly for the purpose of restoring peace and order spring accompanied by his whole court made his appearance -2021-09-20 08:46:39.681 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:46:39.686 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the first of these touches conveyed that the written statement took up the tale at a point after it had in a manner begun -Output Transcription: the first of these touches conveyed that the written statement took up the tale at a point after it had in a manner for gun -2021-09-20 08:46:39.691 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.083333 -2021-09-20 08:46:39.693 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: suddenly the ichthyosaurus and the plesiosaurus disappear below leaving a whirlpool eddying in the water -Output Transcription: suddenly the tears and the plesiosaurs disappear below leaving a warp eddy in the water -2021-09-20 08:46:39.695 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.266667 -2021-09-20 08:46:39.700 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i understand you to say that there are three students who use this stair and are in the habit of passing your door yes there are -Output Transcription: i understand you to say that there are three students to use the star and are in the habit of passing your door yes there are -2021-09-20 08:46:39.706 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.115385 -2021-09-20 08:46:39.706 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: true history being a mixture of all things the true historian mingles in everything -Output Transcription: true history being a mixture of all things the true historian mingles in everything -2021-09-20 08:46:39.707 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:46:39.709 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i love thee with the passion put to use in my old griefs and with my childhood's faith -Output Transcription: i love thee with the passion put to use in my old breeds and with my childhood's faith -2021-09-20 08:46:39.712 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.055556 -2021-09-20 08:46:39.712 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: this would be an easy way of doing it but it would not be the best way for the reason that it is too easy to call attention to itself -Output Transcription: this would be an easy way of doing it but it would not be the best way for the reason that it is too easy to call attention to itself -2021-09-20 08:46:39.713 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:46:39.716 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: of course he reflected she always had that combination of something homely and sensible and something utterly wild and daft -Output Transcription: of course he reflected she always had that combination of something homely insensible and something utterly wild and daft -2021-09-20 08:46:39.719 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.100000 -2021-09-20 08:46:39.723 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the log and the compass therefore were able to be called upon to do the work of the sextant which had become utterly useless -Output Transcription: the log and the compass therefore were able to be called upon to do the work of the extant which had become utterly useless -2021-09-20 08:46:39.728 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.041667 -2021-09-20 08:46:39.732 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: but hawkeye who was too much occupied with his own thoughts to note the movement continued speaking more to himself than to his companion -Output Transcription: but hawkeye who was too much occupied with his own thoughts to note the movement continued speaking more to himself into his companion -2021-09-20 08:46:39.737 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.083333 -2021-09-20 08:46:39.740 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: thus no knowledge as to the past is to be derived from the feeling of familiarity alone -Output Transcription: thus no knowledge as to the past is to be derived from the filling of familiarity alone -2021-09-20 08:46:39.742 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.058824 -2021-09-20 08:46:39.742 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: in short he becomes a prominent figure in london society and if he is not careful somebody will say so -Output Transcription: in short he becomes a prominent figure in london society and if he is not careful somebody will say so -2021-09-20 08:46:39.742 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:46:39.743 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: how much of evil of real accomplished evil had there not occurred to me during the last few days -Output Transcription: how much of evil of real accomplished evil had there not occurred to me during the last few days -2021-09-20 08:46:39.743 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:46:39.743 | INFO | deepspeech2x.model:test:372 - Error rate [wer] (1680/?) = 0.074260 -2021-09-20 08:46:41.874 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: a ring of amethyst i could not wear here plainer to my sight than that first kiss -Output Transcription: a ring of amethyst i could not wear here plainer to my side than that first kiss -2021-09-20 08:46:41.877 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.058824 -2021-09-20 08:46:41.880 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: you ought to know john if i teach negroes i'll scarcely see much of people in my own class -Output Transcription: you ought to know john if i teach negroes all scarcely see much of people in my own class -2021-09-20 08:46:41.883 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.052632 -2021-09-20 08:46:41.889 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: an article may be useful and wasteful both and its utility to the consumer may be made up of use and waste in the most varying proportions -Output Transcription: an article may be useful and wasteful both and it setit to the consumer may be made up of use and waste in the most varying proportions -2021-09-20 08:46:41.896 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.074074 -2021-09-20 08:46:41.896 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: it was simple enough sir if you only had known but with all your cleverness it was impossible that you could know -Output Transcription: it was simple enough sir if you only had known but with all your cleverness it was impossible that you could know -2021-09-20 08:46:41.896 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:46:41.902 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: four or five of the latter only lingered about the door of the prison of uncas wary but close observers of the manner of their captive -Output Transcription: four or five of the latter only lingered about the door of the prison of uncas weary but close observers of the manner of their captive -2021-09-20 08:46:41.907 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.038462 -2021-09-20 08:46:41.909 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: don't you know one about bacon and tallow candles can't you tell any larder stories -Output Transcription: don't you know one about bacon and talca does cant you to any larger stories -2021-09-20 08:46:41.911 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.333333 -2021-09-20 08:46:41.916 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: surely it must be because we are in danger of loving each other too well of losing sight of the creator in idolatry of the creature -Output Transcription: truly it must be because we are in danger of loving each other too well of losing sight of the creator in idolatry of the creature -2021-09-20 08:46:41.922 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.038462 -2021-09-20 08:46:41.923 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: but here he was at a terrible disadvantage as compared with the owls hawks and eagles he had no rending claws -Output Transcription: but here he was at a terrible disadvantage as compared with the owls hawks and eagles he had no rending claws -2021-09-20 08:46:41.923 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:46:41.923 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: he passed through henley saint albans and came so near to london as harrow on the hill -Output Transcription: he passed through henley saint albans and came so near to london as harrow on the hill -2021-09-20 08:46:41.923 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:46:41.928 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: that evening trot gave a grand ball in the palace to which the most important of the pinkies and the blueskins were invited -Output Transcription: that evening to give a grand ball in the palace to which the most important of the pinkies in the blue skins were invited -2021-09-20 08:46:41.932 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.217391 -2021-09-20 08:46:41.933 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: if he to keep one oath must lose one joy by his life's star foretold -Output Transcription: if he to keep one oath must lose one joy by his life's star foretold -2021-09-20 08:46:41.933 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:46:41.933 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: but they have nothing to do with the interpretation of plato and in spirit they are opposed to him -Output Transcription: but they have nothing to do with the interpretation of plato and in spirit they are opposed to him -2021-09-20 08:46:41.933 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:46:41.937 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: at the inception of plural marriage among the latter day saints there was no law national or state against its practise -Output Transcription: at the inception of burl marriage among the latter day saints there was no law national or state against its practice -2021-09-20 08:46:41.940 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.095238 -2021-09-20 08:46:41.943 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: you have received us with all that courtesy and hospitality for which your character in england stands so high -Output Transcription: you have received us with all that courtesy and hospitality for which your character in england stand so high -2021-09-20 08:46:41.946 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.052632 -2021-09-20 08:46:41.951 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: alexander paced up and down the hallway buttoning and unbuttoning his overcoat until she returned and took him up to hilda's living room -Output Transcription: alexander paced up and down the hallway buttoning and unbuttoning his overcoat until she returned and took him up to hill his living room -2021-09-20 08:46:41.955 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.086957 -2021-09-20 08:46:41.959 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: instead of shoes the old man wore boots with turnover tops and his blue coat had wide cuffs of gold braid -Output Transcription: instead of shoes the old man wore boots with turn over tops and his blue coat had wide cuffs of gold braid -2021-09-20 08:46:41.963 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.095238 -2021-09-20 08:46:41.963 | INFO | deepspeech2x.model:test:372 - Error rate [wer] (1696/?) = 0.074183 -2021-09-20 08:46:43.354 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: not a doubt but had your force been only double or treble our own i should have found it my duty to struggle with you -Output Transcription: not a doubt but had your force been only double or trouble our own i should have found it my duty to struggle with you -2021-09-20 08:46:43.360 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.040000 -2021-09-20 08:46:43.361 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: other subtleties occur inside each episode the textures sparkling with wit information and insight -Output Transcription: other subtleties occur inside each episode the textures sparkling with wit information and insight -2021-09-20 08:46:43.361 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:46:43.367 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i greatly mourn that one so well disposed should die in his ignorance and i have sought a goodly hymn can you lead me to him -Output Transcription: i greatly mourned that one so well disposed should die in his ignorance and i have sought a goodly hymn can you lead me to him -2021-09-20 08:46:43.373 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.038462 -2021-09-20 08:46:43.373 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: he planted a company before the hotel and demanded a surrender of the arms belonging to the free state military companies -Output Transcription: he planted a company before the hotel and demanded a surrender of the arms belonging to the free state military companies -2021-09-20 08:46:43.374 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:46:43.377 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: and though i have grown serene and strong since then i think that god has willed a still renewable fear -Output Transcription: and though i have grown serene and strong since then i think that god his will a still renewable fear -2021-09-20 08:46:43.380 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.100000 -2021-09-20 08:46:43.386 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the doctor who attended the injured creature in this case was simply told that she slipped and fell down stairs as she was coming down -Output Transcription: the doctor who attended the ancient creature in this case was simply told that she slipped and fell down the stairs as she was coming down -2021-09-20 08:46:43.391 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.080000 -2021-09-20 08:46:43.394 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: she was therefore most agreeably surprised to hear mister cresswell express himself so cordially as approving of negro education -Output Transcription: she was therefore most agreeably surprised to hear mister criswell express himself so cordially as approving of negro education -2021-09-20 08:46:43.397 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.052632 -2021-09-20 08:46:43.402 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i've managed to save something every year and that with helping my three sisters now and then and tiding poor cousin mike over bad seasons -Output Transcription: i've managed to save something every year and that with helping my three sisters now and then and tiding poor cousin michael bad seasons -2021-09-20 08:46:43.407 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.080000 -2021-09-20 08:46:43.407 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: among other things on which she cast her eyes was a small crucifix of solid silver standing on a cabinet near the window -Output Transcription: among other things on which she cast her eyes was a small crucifix of solid silver standing on a cabinet near the window -2021-09-20 08:46:43.407 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:46:43.411 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: all that i am doing is to use its logical tenability as a help in the analysis of what occurs when we remember -Output Transcription: all that i am doing is to use its logical tunability as a help in the analysis of what occurs when we remember -2021-09-20 08:46:43.416 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.043478 -2021-09-20 08:46:43.416 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: there was a unanimous groan at this and much reproach after which in his preoccupied way he explained -Output Transcription: there was a unanimous groan at this and much reproach after which in his preoccupied way he explained -2021-09-20 08:46:43.416 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:46:43.421 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: it was a pain to see them and a sword like pain to see the signs of adolescence that made repellent their pitiable nakedness -Output Transcription: it was a pain to see them and a sword like paying to see the signs of adolescence that made repellent their pitiable nakedness -2021-09-20 08:46:43.426 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.041667 -2021-09-20 08:46:43.428 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: jack would become eva's happy husband and would remain amidst the hurried duties of the eager world -Output Transcription: jack would become evans happy husband and would remain a mist the hurried duties of the eager world -2021-09-20 08:46:43.431 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.176471 -2021-09-20 08:46:43.431 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: very carefully the magician removed this powder placing it all together in a golden dish where he mixed it with a golden spoon -Output Transcription: very carefully the magician removed this powder placing it all together in a golden dish where he mixed it with a golden spoon -2021-09-20 08:46:43.431 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:46:43.432 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: poor rachel her nature recoiled from deceit and she told at all events as much of the truth as she dared -Output Transcription: poor rachel her nature recoiled from deceit and she told at all events as much of the truth as she dared -2021-09-20 08:46:43.432 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:46:43.437 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: his hat had a peaked crown and a flat brim and around the brim was a row of tiny golden bells that tinkled when he moved -Output Transcription: his hat had a peaked crown in a flat brim and around the brim was a row of tiny golden bells that tinkled when he moved -2021-09-20 08:46:43.443 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.038462 -2021-09-20 08:46:43.443 | INFO | deepspeech2x.model:test:372 - Error rate [wer] (1712/?) = 0.073662 -2021-09-20 08:46:44.895 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: but plato has not the same mastery over his instrument which he exhibits in the phaedrus or symposium -Output Transcription: but plato has not the same mystery over his instrument which he exhibits in the features or symposium -2021-09-20 08:46:44.899 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.111111 -2021-09-20 08:46:44.901 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i would fain know if i am destined for so glorious a career cried the tree rejoicing -Output Transcription: i would fain know if i am destined for so glory as a career cried the tree rejoicing -2021-09-20 08:46:44.904 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.117647 -2021-09-20 08:46:44.910 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: one of the sailors led me to the afterdeck where i stood in the presence of a smart looking officer who extended his hand to me -Output Transcription: one of the sailors led me to the after deck where i stood in the presence of a smart looking officer who extended his hand to me -2021-09-20 08:46:44.916 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.076923 -2021-09-20 08:46:44.916 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: he spoke french perfectly i have been told when need was but delighted usually in talking the broadest yorkshire -Output Transcription: he spoke french perfectly i have been told when need was but delighted usually in talking the broadest yorkshire -2021-09-20 08:46:44.917 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:46:44.924 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i've got a little idea for a play about a man and a woman and another woman and but perhaps i'd better keep the plot a secret for the moment -Output Transcription: i've got a little idea for a play about a man and a woman and another woman and but perhaps had better get up on a secret for the moment -2021-09-20 08:46:44.931 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.133333 -2021-09-20 08:46:44.933 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: mussulmans and giaours throw kerchiefs at a smile and have no ruth for any weeping -Output Transcription: mussulman and gears through kerchiefs and a smile and have no ruth for any weeping -2021-09-20 08:46:44.935 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.266667 -2021-09-20 08:46:44.941 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: but as we descend the social scale the point is presently reached where the duties of vicarious leisure and consumption devolve upon the wife alone -Output Transcription: but as we descend the social scale the point is presently reached where the duties of icarus leisure and consumption devolve upon the wife alone -2021-09-20 08:46:44.946 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.040000 -2021-09-20 08:46:44.948 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: this reality begins to explain the dark power and otherworldly fascination of twenty thousand leagues under the seas -Output Transcription: this reality begins to explain the dark power and other worldly fascination of twenty thousand leagues under the seas -2021-09-20 08:46:44.951 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.111111 -2021-09-20 08:46:44.957 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: uncas who had already approached the door in readiness to lead the way now recoiled and placed himself once more in the bottom of the lodge -Output Transcription: uncas who had already approached the door and readiness to lead the way now recoiled and placed himself once more in the bottom of the lodge -2021-09-20 08:46:44.962 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.038462 -2021-09-20 08:46:44.965 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the genealogies which you have recited to us out of your own annals solon are a mere children's story -Output Transcription: the genealogies which we have recited to us out of your own annual sullen are a mere children's story -2021-09-20 08:46:44.968 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.157895 -2021-09-20 08:46:44.972 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i will briefly describe them to you and you shall read the account of them at your leisure in the sacred registers -Output Transcription: i will briefly describe them to you and i shall read the account of them at your leisure in the secret registers -2021-09-20 08:46:44.976 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.090909 -2021-09-20 08:46:44.981 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the wearers of uniforms and liveries may be roughly divided into two classes the free and the servile or the noble and the ignoble -Output Transcription: the wearers of uniforms in liveries may be roughly divided into two classes the free and the servile or the noble and the ignoble -2021-09-20 08:46:44.985 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.041667 -2021-09-20 08:46:44.990 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: mainhall vouched for her constancy with a loftiness that made alexander smile even while a kind of rapid excitement was tingling through him -Output Transcription: may hold out for her constancy with a loftiness that made alexander smile even while a kind of rapid excitement was tingling through him -2021-09-20 08:46:44.995 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.130435 -2021-09-20 08:46:44.995 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the retreat will begin on wednesday afternoon in honour of saint francis xavier whose feast day is saturday -Output Transcription: the retreat will begin on wednesday afternoon in honour of saint francis xavier whose feast day is saturday -2021-09-20 08:46:44.995 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:46:44.998 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the style and plan of the timaeus differ greatly from that of any other of the platonic dialogues -Output Transcription: the style and plan of the times differ greatly from that of any other of the platonic dialogues -2021-09-20 08:46:45.000 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.055556 -2021-09-20 08:46:45.004 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: but in egypt the traditions of our own and other lands are by us registered for ever in our temples -Output Transcription: but in egypt the traditions of our own and other lands are by us registered forever in our temples -2021-09-20 08:46:45.007 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.100000 -2021-09-20 08:46:45.007 | INFO | deepspeech2x.model:test:372 - Error rate [wer] (1728/?) = 0.073901 -2021-09-20 08:46:46.504 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: she sat down in a rocking chair and clasping her hands in her lap rocked slowly back and forth i'm sorry said beth -Output Transcription: she sat down in a rocking chair and clasping her hands in her lap rocked slowly back and forth i'm sorry said beth -2021-09-20 08:46:46.505 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:46:46.505 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: notwithstanding the high resolution of hawkeye he fully comprehended all the difficulties and danger he was about to incur -Output Transcription: notwithstanding the high resolution of hawkeye he fully comprehended all the difficulties and danger he was about to incur -2021-09-20 08:46:46.505 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:46:46.506 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: when bartley arrived at bedford square on sunday evening marie the pretty little french girl met him at the door and conducted him upstairs -Output Transcription: when bartley arrived at bedford square on sunday evening marie the pretty little french girl met him at the door and conducted him upstairs -2021-09-20 08:46:46.506 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:46:46.506 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: he stood a little behind her and tried to steady himself as he said it's soft and misty see how white the stars are -Output Transcription: he stood a little behind her and tried to steady himself as he said it's soft and misty see how white the stars are -2021-09-20 08:46:46.507 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:46:46.507 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: if we had retained the subject or act in knowledge the whole problem of memory would have been comparatively simple -Output Transcription: if we had retained the subject or act in knowledge the whole problem of memory would have been comparatively simple -2021-09-20 08:46:46.507 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:46:46.510 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: mother carey poured coffee nancy chocolate and the others helped serve the sandwiches and cake doughnuts and tarts -Output Transcription: mother carry board coffee nancy chocolate and the others help serve the sandwiches and cake donuts ome tarts -2021-09-20 08:46:46.513 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.277778 -2021-09-20 08:46:46.513 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i have come to your shores mister president with the purpose of seeing how things are progressing in this distant quarter of the world -Output Transcription: i have come to your shores mister president with the purpose of seeing how things are progressing in this distant quarter of the world -2021-09-20 08:46:46.514 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:46:46.520 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: they set up a crane over the fire and hung the pot upon it and we sat and watched it boil while we joked at last the supper began -Output Transcription: they set up a crane over the fire and hung upon upon it and we sat and watched the oil while we joked at last the supper began -2021-09-20 08:46:46.527 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.137931 -2021-09-20 08:46:46.535 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: mistress fitzooth had been carried off by the sheriff's daughter and her maids as soon as they had entered the house so that robin alone had the care of montfichet -Output Transcription: mistress the tooth had been carried off by the sheriff's daughter in her maids as soon as they had entered the house so that robin alone had the care of montrachet -2021-09-20 08:46:46.542 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.133333 -2021-09-20 08:46:46.546 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: to do so is to lose god altogether because god becomes intolerable when we seek to measure and to comprehend his infinite majesty -Output Transcription: to do so is to lose god altogether because god becomes intolerable when we seek to measure to comprehend his infinite majesty -2021-09-20 08:46:46.550 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.043478 -2021-09-20 08:46:46.553 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: nothing can exceed the beauty or art of the introduction in which he is using words after his accustomed manner -Output Transcription: nothing can exceed the beauty or are dating production in which is using words after his accustomed manner -2021-09-20 08:46:46.557 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.250000 -2021-09-20 08:46:46.557 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the eyes of the whole party followed the unexpected movement and read their success in the air of triumph that the youth assumed -Output Transcription: the eyes of the whole party followed the unexpected movement and read their success in the air of triumph that the youth assumed -2021-09-20 08:46:46.557 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:46:46.565 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: if you are not then knocked on the head your being a non composser will protect you and you'll then have a good reason to expect to die in your bed -Output Transcription: if you are not there knocked on the head your being a non composter will protect you and you'll then have a good reason to expect to die in your bed -2021-09-20 08:46:46.572 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.064516 -2021-09-20 08:46:46.576 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: a fresh wholesome looking boy was tom gates with steady gray eyes an intelligent forehead but a sensitive rather weak mouth -Output Transcription: a fresh wholesome looking boy who tom gates with steady gray eyes and intelligent forehead but a sensitive rather weak mouth -2021-09-20 08:46:46.580 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.095238 -2021-09-20 08:46:46.583 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: my bed was unexceptionably comfortable but in my then mood i could have wished it a great deal more modern -Output Transcription: my bed was unexceptionally comfortable but in my den mod i could have wished it a great deal more modern -2021-09-20 08:46:46.587 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.150000 -2021-09-20 08:46:46.589 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: of this party edward a boy of seventeen called forth much sympathy he too was claimed by hollan -Output Transcription: of this party edward a boy of seventeen cosworth much sympathy he too was claimed by holland -2021-09-20 08:46:46.592 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.166667 -2021-09-20 08:46:46.592 | INFO | deepspeech2x.model:test:372 - Error rate [wer] (1744/?) = 0.073987 -2021-09-20 08:46:49.661 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: if ever he was impelled to cast sin from him and to repent the impulse that moved him was the wish to be her knight -Output Transcription: if ever he was impelled to cast in from him and to repent the impulse that moved him was the wish to be her night -2021-09-20 08:46:49.667 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.080000 -2021-09-20 08:46:49.670 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i opened a line of credit sufficient to cover the babirusa and conseil at my heels i jumped into a carriage -Output Transcription: i opened a line of credit sufficient to cover the barbarossa and conseil at my heels i jumped into a carriage -2021-09-20 08:46:49.674 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.047619 -2021-09-20 08:46:49.674 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: he selected a small gold bottle with a pepper box top so that the powder might be sprinkled on any object through the small holes -Output Transcription: he selected a small gold bottle with a pepper box top so that the powder might be sprinkled on any object through the small holes -2021-09-20 08:46:49.675 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:46:49.678 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: atchison who had been haranguing the mob planted his two guns before the building and trained them upon it -Output Transcription: again who had been haranguing the mob planted his two guns before the building and trained them upon it -2021-09-20 08:46:49.681 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.052632 -2021-09-20 08:46:49.683 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: but the affair was magnified as a crowning proof that the free state men were insurrectionists and outlaws -Output Transcription: but the affair was magnified as a crowning proof that the free state men were insurrectionist and outlaws -2021-09-20 08:46:49.686 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.055556 -2021-09-20 08:46:49.690 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: there may be a specific feeling which could be called the feeling of pastness especially where immediate memory is concerned -Output Transcription: there may be a specific filling which could be called the filling of past ness especially where immediate memory is concerned -2021-09-20 08:46:49.693 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.200000 -2021-09-20 08:46:49.696 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: and the gardener's boy chopped the tree into small pieces there was a whole heap lying there -Output Transcription: in the gardener's boy chopped the tree into small pieces there was a whole heap lying there -2021-09-20 08:46:49.698 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.058824 -2021-09-20 08:46:49.698 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i come now to the other characteristic which memory images must have in order to account for our knowledge of the past -Output Transcription: i come now to the other characteristic which memory images must have in order to account for our knowledge of the past -2021-09-20 08:46:49.699 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:46:49.704 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the result is a great mobility of the labor employed in printing perhaps greater than in any other equally well defined and considerable body of workmen -Output Transcription: the result is a great ability of the labour employed in printing perhaps greater than in any other equally well defined and considerable body of workmen -2021-09-20 08:46:49.710 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.076923 -2021-09-20 08:46:49.715 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: taking advantage of this the squire's few men redoubled their efforts and encouraged by robin's and the little stroller's cries fought their way to him -Output Transcription: taking advantage of this the squire's few men redoubled their efforts and encourage by robins and the little strollers cries fought their way to him -2021-09-20 08:46:49.719 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.120000 -2021-09-20 08:46:49.723 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: she was not herself a notably intelligent woman she greatly admired intelligence or whatever looked to her like intelligence in others -Output Transcription: she was not herself notably intelligent woman she greatly admired intelligence or whatever look at her like intelligence and others -2021-09-20 08:46:49.726 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.190476 -2021-09-20 08:46:49.729 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: he weighed and reweighed the meter plates and pursued every line of investigation imaginable but all in vain -Output Transcription: he weighed and reward the meter plates and pursued every line of investigation imaginable but all in vain -2021-09-20 08:46:49.732 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.055556 -2021-09-20 08:46:49.734 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: in both these high mythical subjects the surrounding nature though suffering is still dignified and beautiful -Output Transcription: in both these high mythical subjects the surrounding nature the suffering is still dignified and beautiful -2021-09-20 08:46:49.736 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.062500 -2021-09-20 08:46:49.736 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: he had no occasion to delay for at the next instant a burst of cries filled the outer air and ran along the whole extent of the village -Output Transcription: he had no occasion to delay for at the next instant a burst of cries filled the outer air and ran along the whole extent of the village -2021-09-20 08:46:49.737 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:46:49.743 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: he has given them with too much grace not to have others still to give if they are required which is the case at the present moment -Output Transcription: he has given them with too much grace not to have others still to give if they are required which as the case at the present moment -2021-09-20 08:46:49.749 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.037037 -2021-09-20 08:46:49.749 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: no harm would have been done had it not been that as he passed your door he perceived the key which had been left by the carelessness of your servant -Output Transcription: no harm would have been done had it not been that as he passed your door he perceived the key which had been left by the carelessness of your servant -2021-09-20 08:46:49.749 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:46:49.750 | INFO | deepspeech2x.model:test:372 - Error rate [wer] (1760/?) = 0.073784 -2021-09-20 08:46:52.164 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: and there's linen in the house as i could well spare you for i've got lots o sheeting and table clothing and towelling as isn't made up -Output Transcription: and there's linen in the house as i could well spare you for i got lots a sheeting and table clothing and toweling isn't made up -2021-09-20 08:46:52.171 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.148148 -2021-09-20 08:46:52.175 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: a moment before the ghost of the ancient kingdom of the danes had looked forth through the vesture of the hazewrapped city -Output Transcription: a moment before the ghost of the ancient kingdom of the danes had looked forth through the vesture of the hate rap city -2021-09-20 08:46:52.179 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.090909 -2021-09-20 08:46:52.182 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: stung by anxiety for this little sister she upbraided miss w for her fancied indifference to anne's state of health -Output Transcription: stung by anxiety for his little sister she upbraided miss w for her fancied indifference to and state of health -2021-09-20 08:46:52.186 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.100000 -2021-09-20 08:46:52.190 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: and he went back to his books and to his waiting for an opening large enough for his dignified entrance into the literary world -Output Transcription: and he went back to his books and to his waiting for an opening large enough for a dignified entrance into the literary world -2021-09-20 08:46:52.195 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.041667 -2021-09-20 08:46:52.195 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: so you will be a good girl i know and not make any trouble but will stay at home contentedly won't you -Output Transcription: so you will be a good girl i know and not make any trouble but will stay at home contentedly won't you -2021-09-20 08:46:52.196 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:46:52.198 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: on huge silver platters were pyramids of tarts and cakes and red wine sparkled in glittering decanters -Output Transcription: on huge silver platters were pyramids of tarts and cakes and red wine sparkled and glittering decanters -2021-09-20 08:46:52.201 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.058824 -2021-09-20 08:46:52.204 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i wouldn't mind a cup o coffee myself said cap'n bill i've had consid'ble exercise this mornin and i'm all ready for breakfas -Output Transcription: i wouldn't mind the clone myself said campbell i have had considerable exercise is marlena i'm all ready for breakfast -2021-09-20 08:46:52.208 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.521739 -2021-09-20 08:46:52.212 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: but the windows are patched with wooden panes and the door i think is like the gate it is never opened -Output Transcription: but the windows are patched with wooden tains and the door i think is like the gate it is never opened -2021-09-20 08:46:52.216 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.047619 -2021-09-20 08:46:52.218 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: rodolfo arrived at his own house without any impediment and leocadia's parents reached theirs heart broken and despairing -Output Transcription: rudolph arrived at his own house without any impediment a leucadia parents reached their heart broken and despairing -2021-09-20 08:46:52.221 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.222222 -2021-09-20 08:46:52.221 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: they must have some characteristic which makes us regard them as referring to more or less remote portions of the past -Output Transcription: they must have some characteristic which makes us regard them as referring to more or less remote portions of the past -2021-09-20 08:46:52.222 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:46:52.225 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: and yet you must own her behaviour has warranted them has it not been in this particular incoherent and unaccountable -Output Transcription: and yet you must own her behavior has worn to them has it not been in this particular incoherent and unaccountable -2021-09-20 08:46:52.228 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.150000 -2021-09-20 08:46:52.233 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the arians took christ for a noble and perfect creature superior even to the angels because by him god created heaven and earth -Output Transcription: the arians took chris for a noble and perfect creatures superior even to the angels because by him god created heaven and earth -2021-09-20 08:46:52.237 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.086957 -2021-09-20 08:46:52.240 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: he well knew the perils of the frontier the savage state of society the lurking indians and the dangers of fever -Output Transcription: he well knew the perils of the frontier the savage state of society lurking indians and the dangers of fever -2021-09-20 08:46:52.244 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.047619 -2021-09-20 08:46:52.248 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: his troubled blue eyes glanced at each of us and finally rested with an expression of blank dismay upon bannister in the farther corner -Output Transcription: his troubled blue eyes glanced at each of us and finally rested with an expression of blank dismay upon banister in the farther corner -2021-09-20 08:46:52.253 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.041667 -2021-09-20 08:46:52.257 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the undertaking which seemed so attractive when viewed as a literary task proved a most difficult one and at times became oppressive -Output Transcription: the undertaking which seemed so attractive when viewed as a literary task proved the most difficult one and at times became oppressive -2021-09-20 08:46:52.261 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.045455 -2021-09-20 08:46:52.265 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: to say nothing said montalais so that when mademoiselle de tonnay charente thinks athenais is the only one who knows it -Output Transcription: to say nothing said mont alais so that when mademoiselle de tension thanks athena is the only one who knows it -2021-09-20 08:46:52.268 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.285714 -2021-09-20 08:46:52.269 | INFO | deepspeech2x.model:test:372 - Error rate [wer] (1776/?) = 0.074473 -2021-09-20 08:46:53.770 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: she had been born within its borders within its borders she had lived and grown and within its borders she had met her love -Output Transcription: she had been born within its borders within his borders she had lived and groan and within its border she had met her love -2021-09-20 08:46:53.776 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.125000 -2021-09-20 08:46:53.776 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: to diminish the number of the shady to augment the number of the luminous that is the object -Output Transcription: to diminish the number of the shady to augment the number of the luminous that is the object -2021-09-20 08:46:53.776 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:46:53.777 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: and says thou mother of my children i have loved thee and i have given thee a crown that none can take away -Output Transcription: and says thou mother of my children i have loved thee and i have given thee a crown that none can take away -2021-09-20 08:46:53.777 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:46:53.777 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: then there were three or four leading men of the community with their wives who were for the most part the fathers and mothers of the young ladies -Output Transcription: then there were three or four leading men of the community with their wives who were for the most part the fathers and mothers of the young ladies -2021-09-20 08:46:53.777 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:46:53.778 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: and gentle sleep the sleep of death and gently hear the voice of him that walketh in the garden in the evening time -Output Transcription: and gentle sleep the sleep of death and gently hear the voice of him that walketh in the garden in the evening time -2021-09-20 08:46:53.778 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:46:53.782 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: he wore blue silk stockings blue knee pants with gold buckles a blue ruffled waist and a jacket of bright blue braided with gold -Output Transcription: he wore blue silk stockings bloomy pants with gold buckles a blue ruffled waist and a jacket of bright blue braided with gold -2021-09-20 08:46:53.787 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.083333 -2021-09-20 08:46:53.787 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: this sentence also defines our sins as great so great in fact that the whole world could not make amends for a single sin -Output Transcription: this sentence also defines our sins as great so great in fact that the whole world could not make amends for a single sin -2021-09-20 08:46:53.788 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:46:53.790 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: goobers don't grow on the tops of vines but underground on the roots like yams is that so -Output Transcription: good was dull grow on the tops basedon the ground on the roads liams is that so -2021-09-20 08:46:53.793 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.555556 -2021-09-20 08:46:53.801 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: my remark pleases him but i soon prove to him that it is not the right way to speak however perfect may have been the language of that ancient writer -Output Transcription: my remark pleases him but i soon proved to him that it is not the right way to speak however perfect may have been the language of that ancient writer -2021-09-20 08:46:53.808 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.033333 -2021-09-20 08:46:53.813 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the last drop fly as luck would have it caught just in the corner of the hawk's angrily open beak hooking itself firmly -Output Transcription: the last drop fly as luck would have it caught just in the corner of the hocks angrily open beak hooking itself firmly -2021-09-20 08:46:53.817 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.043478 -2021-09-20 08:46:53.817 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: she screamed and shouted too with a terrific volume of sound which doubtless caused the hearts of the fugitives to quake within them -Output Transcription: she screamed and shouted too with a terrific volume of sound which doubtless caused the hearts of the fugitives to quake within them -2021-09-20 08:46:53.818 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:46:53.821 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: doubts now arose and some discussion followed whether or not it was desirable for ben zoof to accompany his master -Output Transcription: doubts now arose and some discussion followed whether or not it was desirable for bend of to accompany his master -2021-09-20 08:46:53.824 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.100000 -2021-09-20 08:46:53.826 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the wood flamed up splendidly under the large brewing copper and it sighed so deeply -Output Transcription: the wood flamed up splendidly under the large brewing copper and its side so deeply -2021-09-20 08:46:53.828 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.133333 -2021-09-20 08:46:53.831 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: there is no danger of the modern commentators on the timaeus falling into the absurdities of the neo platonists -Output Transcription: there is no danger of the modern common teachers of the times falling into the absurdities of the neoplatonists -2021-09-20 08:46:53.834 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.315789 -2021-09-20 08:46:53.838 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: and it is made of mother's best yarn and she knitted it herself and everybody wants to get it away from me -Output Transcription: and it is made of mother's best yarn and she knitted herself and everybody wants to get it away from me -2021-09-20 08:46:53.841 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.045455 -2021-09-20 08:46:53.845 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: uncas occupied a distant corner in a reclining attitude being rigidly bound both hands and feet by strong and painful withes -Output Transcription: angus occupied a distant corner in a reclining attitude being rigidly bound both hands and feet by strong and painful widths -2021-09-20 08:46:53.849 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.095238 -2021-09-20 08:46:53.849 | INFO | deepspeech2x.model:test:372 - Error rate [wer] (1792/?) = 0.074629 -2021-09-20 08:46:55.370 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: and often has my mother said while on her lap i laid my head she feared for time i was not made but for eternity -Output Transcription: and often has my mother said while on her lap i laid my head she feared for time i was not made but for eternity -2021-09-20 08:46:55.371 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:46:55.374 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: she's wonderful more wonderful than anybody we've ever seen anywhere and she draws better than the teacher in charlestown -Output Transcription: she is wonderful more wonderful in anybody we've ever seen anywhere and she draws better than the teacher in charlestown -2021-09-20 08:46:55.377 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.157895 -2021-09-20 08:46:55.378 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: and then he told all about his youth and the little mice had never heard the like before and they listened and said -Output Transcription: and then he told all about his youth and the little mice had never heard the like before and they listened and said -2021-09-20 08:46:55.378 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:46:55.378 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: to be or not to be that is the question whether tis nobler in the mind to suffer the slings and arrows what no hamlet speaking -Output Transcription: to be or not to be that is the question whether tis nobler in the mind to suffer the slings and arrows what no hamlet speaking -2021-09-20 08:46:55.379 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:46:55.383 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: he splashed and stamped along farther and farther onward until he neared the rampart of the clearing and put foot upon the tree bridge -Output Transcription: he splashed the snapped along farther and farther onward until he neared the rampart of the clearing and put foot upon the three bridge -2021-09-20 08:46:55.388 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.125000 -2021-09-20 08:46:55.392 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: have your will child if the boy also wills it montfichet answered feeling too ill to oppose anything very strongly just then -Output Transcription: have your will child if the boy also will sitin might be she answered feeling too ill to oppose anything very strongly just then -2021-09-20 08:46:55.397 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.227273 -2021-09-20 08:46:55.399 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the influence with the timaeus has exercised upon posterity is due partly to a misunderstanding -Output Transcription: the influence which the times has exercised upon posterity is due partly to a misunderstanding -2021-09-20 08:46:55.401 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.133333 -2021-09-20 08:46:55.401 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: it is evident therefore that the present trend of the development is in the direction of heightening the utility of conspicuous consumption as compared with leisure -Output Transcription: it is evident therefore that the present trend of the development is in the direction of heightening the utility of conspicuous consumption as compared with leisure -2021-09-20 08:46:55.401 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:46:55.405 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: now that's impossible radie for i really don't think i once thought of him all this evening except just while we were talking -Output Transcription: now that's impossible ready for i really don't think i once thought of him all this evening except just while we were talking -2021-09-20 08:46:55.410 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.043478 -2021-09-20 08:46:55.414 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: forgetting all their weariness they seized their candles and scurried through the house finding an occasional paper tucked away in some odd corner -Output Transcription: forgetting all their weariness they seize their candles and stare through the house finding on occasional paper tucked away in some our corner -2021-09-20 08:46:55.418 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.173913 -2021-09-20 08:46:55.419 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: it must be owned and no one was more ready to confess it than himself that his literary attainments were by no means of a high order -Output Transcription: it must be owned and no one was more ready to confess it than himself that his literary attainments were by no means of a high order -2021-09-20 08:46:55.419 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:46:55.419 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: but first i will tell you that for many years i have longed for a servant to help me with the housework and to cook the meals and wash the dishes -Output Transcription: but first i will tell you that for many years i have longed for a servant to help me with the housework and to cook the meals and wash the dishes -2021-09-20 08:46:55.419 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:46:55.420 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: forthwith all ran to the opening of the tent to see what might be amiss but master will who peeped out first needed no more than one glance -Output Transcription: forthwith all ran to the opening of the tent to see what might be amiss but master will who peeped out first needed no more than one glance -2021-09-20 08:46:55.420 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:46:55.424 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: her feeble health gave her her yielding manner for she could never oppose any one without gathering up all her strength for the struggle -Output Transcription: her feeble health give her her yielding manner for she could never oppose anyone without gathering up all her strength for the struggle -2021-09-20 08:46:55.429 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.125000 -2021-09-20 08:46:55.432 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: that summer's emigration however being mainly from the free states greatly changed the relative strength of the two parties -Output Transcription: that somers emigration however being mainly from the free states greatly changed the relative strength of the two parties -2021-09-20 08:46:55.435 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.052632 -2021-09-20 08:46:55.440 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: to night there was no need of extra heat and there were great ceremonies to be observed in lighting the fires on the hearthstones -Output Transcription: to night there was no need of extra heat and there were great ceremonies to be observed in lighting the fires on the hearth stones -2021-09-20 08:46:55.444 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.083333 -2021-09-20 08:46:55.445 | INFO | deepspeech2x.model:test:372 - Error rate [wer] (1808/?) = 0.074445 -2021-09-20 08:46:56.899 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: how cheerfully he seems to grin how neatly spread his claws and welcome little fishes in with gently smiling jaws -Output Transcription: how cheerfully he seems to grin how neatly spreads his claws and welcomes little fishes in with gently smiling jaws -2021-09-20 08:46:56.903 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.100000 -2021-09-20 08:46:56.903 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i address him in italian and he answers very wittily but his way of speaking makes me smile and i tell him why -Output Transcription: i address him in italian and he answers very wittily but his way of speaking makes me smile and i tell him why -2021-09-20 08:46:56.903 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:46:56.909 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the wearing of uniforms or liveries implies a considerable degree of dependence and may even be said to be a mark of servitude real or ostensible -Output Transcription: the wearing of uniforms a liveries implies a considerable degree of dependence and may even be said to be a mark of servitude real or ostensible -2021-09-20 08:46:56.915 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.038462 -2021-09-20 08:46:56.915 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: never did he object to buckling up his suitcase for any country whatever china or the congo no matter how far off it was -Output Transcription: never did he object to buckling up his suitcase for any country whatever china or the congo no matter how far off it was -2021-09-20 08:46:56.915 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:46:56.916 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: it presents like no other of luther's writings the central thought of christianity the justification of the sinner for the sake of christ's merits alone -Output Transcription: it presents like no other of luther's writings the central thought of christianity the justification of the sinner for the sake of christ's merits alone -2021-09-20 08:46:56.916 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:46:56.916 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: but in the rest of the work the power of language seems to fail him and the dramatic form is wholly given up -Output Transcription: but in the rest of the work the power of language seems to fail him and the dramatic form is wholly given up -2021-09-20 08:46:56.916 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:46:56.917 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: rich jewels of blue stones glittered upon their persons and the royal ladies were fully as gorgeous as they were haughty and overbearing -Output Transcription: rich jewels of blue stones glittered upon their persons and the royal ladies were fully as gorgeous as they were haughty and overbearing -2021-09-20 08:46:56.917 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:46:56.922 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: oh my lord cried miss woodley with a most forcible accent you are the last person on earth she would pardon me for entrusting -Output Transcription: oh my lord cried miss woodley with a most forcible axe you are the last person on earth she would pardon me for interesting -2021-09-20 08:46:56.926 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.083333 -2021-09-20 08:46:56.930 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: under the tabu certain victuals and more particularly certain beverages are strictly reserved for the use of the superior class -Output Transcription: under the taboo certain victuals and morethe clearly certain beverages are strictly reserved for the use of the superior class -2021-09-20 08:46:56.933 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.150000 -2021-09-20 08:46:56.936 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: yes something everything said rachel hurriedly looking frowningly at a flower which she was twirling in her fingers -Output Transcription: yes something everything said rachel hurriedly looking frowning at a flower which she was twirling in her fingers -2021-09-20 08:46:56.938 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.055556 -2021-09-20 08:46:56.939 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: it is my heart hung in the sky and no clouds ever float between the grave flowers and my heart on high -Output Transcription: it is my heart hung in the sky and no clouds ever float between the grave flowers and my heart on high -2021-09-20 08:46:56.939 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:46:56.939 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: for a few miles she followed the line hitherto presumably occupied by the coast of algeria but no land appeared to the south -Output Transcription: for a few miles she followed the line hitherto presumably occupied by the coast of algeria but no land appeared to the south -2021-09-20 08:46:56.939 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:46:56.944 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: will cried he softly and stuteley who had chosen his couch across the door of his young master's chamber sprang up at once in answer -Output Transcription: will cried he softly and studley who had chosen his count across the door of his young master's chamber sprang up at once in answer -2021-09-20 08:46:56.950 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.080000 -2021-09-20 08:46:56.955 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: so many of them however as make up the retainer and hangers on of the patron may be classed as vicarious consumer without qualification -Output Transcription: so many of them however as make up the retainer and hangerson of the patron may be cast as vicarious consumer without qualification -2021-09-20 08:46:56.959 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.125000 -2021-09-20 08:46:56.963 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: under ordinary conditions reynolds was sure to be elected but the committee proposed to sacrifice him in order to elect hopkins -Output Transcription: under ordinary conditions reynolds was sure to be elected but the committee proposed to sacrifice him in order to lick hopkins -2021-09-20 08:46:56.966 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.047619 -2021-09-20 08:46:56.967 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: for a moment beth stood staring while the new maid regarded her with composure and a slight smile upon her beautiful face -Output Transcription: for a moment beth stood staring while the new maid regarded her with composure and a slight smile upon her beautiful face -2021-09-20 08:46:56.967 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:46:56.968 | INFO | deepspeech2x.model:test:372 - Error rate [wer] (1824/?) = 0.073934 -2021-09-20 08:47:00.196 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: also a popular contrivance whereby love making may be suspended but not stopped during the picnic season -Output Transcription: also a popular contrivance whereby love making may be suspended but not stopped during the picnic season -2021-09-20 08:47:00.197 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:47:00.203 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the idea of patching cap'n bill to a goat was vastly amusing to him and the more he thought of it the more he roared with laughter -Output Transcription: the idea of patching capn bill to a goat was vastly amusing to him and the more he thought of it the more he roared with laughter -2021-09-20 08:47:00.210 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.037037 -2021-09-20 08:47:00.216 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: why do they not invade the catholic provinces and preach their doctrine to godless princes bishops and doctors as we have done by the help of god -Output Transcription: why do they not invade the catholic provinces and preach their doctrine to guard this princes bishops and doctors as we have done by the help of god -2021-09-20 08:47:00.222 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.074074 -2021-09-20 08:47:00.229 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: saturday after saturday comes round and i can have no hope of hearing your knock at the door and then being told that miss e is come oh dear -Output Transcription: saturday after saturday comes around and i can have no hope of hearing you knock at the door and then being told that missy is come oh dear -2021-09-20 08:47:00.236 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.137931 -2021-09-20 08:47:00.236 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: if you dressed in silk and gold from top to toe you could not look any nicer than in your little red cap -Output Transcription: if you dressed in silk and gold from top to toe you could not look any nicer than in your little red cap -2021-09-20 08:47:00.236 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:47:00.237 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the subject was a very noble one he described the most famous action in which the athenian people were ever engaged -Output Transcription: the subject was a very noble one he described the most famous action in which the athenian people were ever engaged -2021-09-20 08:47:00.237 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:47:00.237 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: no one saw him do this for all were looking at the powder of life but soon the woman remembered what she had been doing and came back to the cupboard -Output Transcription: no one saw him do this for all were looking at the powder of life but soon the woman remembered what she had been doing and came back to the cupboard -2021-09-20 08:47:00.237 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:47:00.238 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i love thee freely as men strive for right i love thee purely as they turn from praise -Output Transcription: i love thee freely as men strive for right i love thee purely as they turn from praise -2021-09-20 08:47:00.238 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:47:00.238 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: did ever anybody see the like screamed missus poyser running towards the table when her eye had fallen on the blue stream -Output Transcription: did ever anybody see the like screamed missus poyser running towards the table when her eye had fallen on the blue stream -2021-09-20 08:47:00.238 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:47:00.242 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: for some moments he seemed perfectly stupefied then recovering himself he began to overwhelm the count with a torrent of questions -Output Transcription: for some moments he seemed perfectly stupefied and then recovering himself he began to overwhelm the count with a torrent of questions -2021-09-20 08:47:00.246 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.047619 -2021-09-20 08:47:00.250 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the grateful applause of the clergy has consecrated the memory of a prince who indulged their passions and promoted their interest -Output Transcription: the grateful applause of the clergy has consecrated the memory of a prince who indulge their passions and promoted their interest -2021-09-20 08:47:00.253 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.047619 -2021-09-20 08:47:00.258 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the earth has undoubtedly entered upon a new orbit but she is not incurring any probable risk of being precipitated onto the sun -Output Transcription: at the earth has undoubtedly entered upon a new orbit but she is not incurring any probable risk of being precipitated onto the sun -2021-09-20 08:47:00.262 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.043478 -2021-09-20 08:47:00.266 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: at the farther end of the largest hall a table was set with golden cups and golden plates in long rows -Output Transcription: at the further render the largest hall a table was set with golden cups and golden plates in long rows -2021-09-20 08:47:00.269 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.142857 -2021-09-20 08:47:00.270 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: of the lynchings the mobs and the murders it would be impossible except in a very extended work to note the frequent and atrocious details -Output Transcription: of the lynchings the mobs and the murders it would be impossible except in a very extended work to note the frequent and atrocious details -2021-09-20 08:47:00.270 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:47:00.270 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the fact that a man can recite a poem does not show that he remembers any previous occasion on which he has recited or read it -Output Transcription: the fact that a man can recite a poem does not show that he remembers any previous occasion on which he has recited or read it -2021-09-20 08:47:00.270 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:47:00.277 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: it is the head of a parrot with a little flower in his beak from a picture of carpaccio's one of his series of the life of saint george -Output Transcription: does the head of a parrot with a little flower in his beak from a picture of capacious one of his series of the life of saint george -2021-09-20 08:47:00.283 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.103448 -2021-09-20 08:47:00.284 | INFO | deepspeech2x.model:test:372 - Error rate [wer] (1840/?) = 0.073426 -2021-09-20 08:47:02.498 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the king had completed his toilette by nine o'clock he appeared in an open carriage decorated with branches of trees and flowers -Output Transcription: the king had completed his toilet by nine o'clock he appeared in an open carriage decorated with branches of trees and flowers -2021-09-20 08:47:02.503 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.045455 -2021-09-20 08:47:02.508 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: she succeeded in opening the window and the moonlight shone in so brightly that she could distinguish the colour of some damask hangings in the room -Output Transcription: she succeeded in opening the window and the moonlight shone in so brightly that she could distinguish the color of some damask hanging in the room -2021-09-20 08:47:02.514 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.076923 -2021-09-20 08:47:02.514 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the others having been in operation too short a time to show definite results although they also went quickly to a dividend basis -Output Transcription: the others having been in operation too short a time to show definite results although they also went quickly to a dividend basis -2021-09-20 08:47:02.515 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:47:02.519 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: it is sold everywhere but for the last three weeks nobody will use any snuff but that sold at the civet cat -Output Transcription: it is sold everywhere but for the last three weeks nobody will use any snuff but that's sold at the severe cat -2021-09-20 08:47:02.523 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.090909 -2021-09-20 08:47:02.529 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: hold him fast my men and as soon as i've had my coffee and oatmeal i'll take him to the room of the great knife and patch him -Output Transcription: hold him fast my man and as soon as i've had my coffee and will i will take him to the room of the great knife and patti -2021-09-20 08:47:02.536 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.214286 -2021-09-20 08:47:02.541 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i and my wife and son and the two craswellers and three or four others agreed to dine on board the ship on the next -Output Transcription: i and my wife and son and the two cresswell ers and three or four others agreed to die on board the ship on the next -2021-09-20 08:47:02.546 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.120000 -2021-09-20 08:47:02.550 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: edison held that the electricity sold must be measured just like gas or water and he proceeded to develop a meter -Output Transcription: edison held that the electricity soul must be measured just like gas or water and he proceeded to develop a meter -2021-09-20 08:47:02.554 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.047619 -2021-09-20 08:47:02.554 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: then they all marched out a little way into the fields and found that the army of pinkies had already formed and was advancing steadily toward them -Output Transcription: then they all marched out a little way into the fields and found that the army of pinkies had already formed and was advancing steadily toward them -2021-09-20 08:47:02.554 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:47:02.560 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: unc knocked at the door of the house and a chubby pleasant faced woman dressed all in blue opened it and greeted the visitors with a smile -Output Transcription: unc knock at the door of the house into chubby pleasant faced woman dressed all in blue opened it and greeted the visitors with a smile -2021-09-20 08:47:02.566 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.111111 -2021-09-20 08:47:02.574 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i know the first letter i wrote to you was all senseless trash from beginning to end but i am not altogether the idle dreaming being it would seem to denote -Output Transcription: i know the first letter i wrote to you with all senseless trash from beginning to end but i am not altogether the idle dreaming being it would seem to denote -2021-09-20 08:47:02.582 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.032258 -2021-09-20 08:47:02.582 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: cyril there must be some better way of doing i just draw the outline of an animal and then i put hairs or feathers on it they have no bodies -Output Transcription: cyril there must be some better way of doing i just draw the outline of an animal and then i put hairs or feathers on it they have no bodies -2021-09-20 08:47:02.582 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:47:02.588 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: but polly couldn't speak and if jasper hadn't caught her just in time she would have tumbled over backward from the stool phronsie and all -Output Transcription: but polly couldn't speak and of jasper hadn't caught her just in time she would have tumbled over backward from the stool prose and all -2021-09-20 08:47:02.593 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.080000 -2021-09-20 08:47:02.593 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: he wouldn't search so don't worry replied cyril quietly and the two looked at each other and knew that it was so -Output Transcription: he wouldn't search so don't worry replied cyril quietly and the two looked at each other and knew that it was so -2021-09-20 08:47:02.594 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:47:02.598 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i think i must show you my patchwork girl said margolotte laughing at the boy's astonishment for she is rather difficult to explain -Output Transcription: i think i must show you my patchwork girl said margo lot laughing at the boy's astonishment for she is rather difficult to explain -2021-09-20 08:47:02.603 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.086957 -2021-09-20 08:47:02.603 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i am now tall and my branches spread like the others that were carried off last year oh -Output Transcription: i am now tall and my branches spread like the others that were carried off last year oh -2021-09-20 08:47:02.603 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:47:02.608 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: but philip did afford it and he wrote thanking his friends and declining because he said the political scheme would fail and ought to fail -Output Transcription: what phillip did afford it and he wrote thanking his friends and declining because he said the political scheme would fail and ought to feel -2021-09-20 08:47:02.614 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.120000 -2021-09-20 08:47:02.614 | INFO | deepspeech2x.model:test:372 - Error rate [wer] (1856/?) = 0.073302 -2021-09-20 08:47:04.248 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: it was the first great sorrow of his life it was not so much the loss of the cotton itself but the fantasy the hopes the dreams built around it -Output Transcription: it was the first great sorrow of his life it was not so much the loss of the cotton itself but the fantasy the hopes the dreams built around it -2021-09-20 08:47:04.249 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:47:04.250 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: however that was over now the tree gone the story at an end -Output Transcription: however that was over now the tree gone the story has an end -2021-09-20 08:47:04.252 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.076923 -2021-09-20 08:47:04.252 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: in a few hours the examination would commence and he was still in the dilemma between making the facts public and allowing the culprit to compete for the valuable scholarship -Output Transcription: in a few hours the examination would commence and he was still in the dilemma between making the facts public and allowing the culprit to compete for the valuable scholarship -2021-09-20 08:47:04.252 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:47:04.260 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: ruth was glad to hear that philip had made a push into the world and she was sure that his talent and courage would make a way for him -Output Transcription: ruth was glad to hear that philip had made a push in to the world and she was sure that his talent and courage would make a way for him -2021-09-20 08:47:04.267 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.068966 -2021-09-20 08:47:04.270 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: its origin was small a germ an insignificant seed hardly to be thought of as likely to arouse opposition -Output Transcription: its origin was small a germ and insignificant seed hardly to be thought of as likely to arouse opposition -2021-09-20 08:47:04.272 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.052632 -2021-09-20 08:47:04.275 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: another preacher after reproaching him to his face with his misgovernment ordered this psalm to be sung -Output Transcription: another preacher after reproaching him to his face with his massgov ernment ordered this sum to be sung -2021-09-20 08:47:04.278 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.176471 -2021-09-20 08:47:04.285 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i remained there alone for many hours but i must acknowledge that before i left the chambers i had gradually brought myself to look at the matter in another light -Output Transcription: i remain here alone for many hours but i must acknowledge that before i left the chambers i had gradually brought myself to look at the matter in another light -2021-09-20 08:47:04.292 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.066667 -2021-09-20 08:47:04.299 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: so for the hundredth time she was thinking today as she walked alone up the lane back of the barn and then slowly down through the bottoms -Output Transcription: so for the hundredth time she was thinking today as she walked alone up the laying back of the barn and then slowly down through the bottoms -2021-09-20 08:47:04.305 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.037037 -2021-09-20 08:47:04.307 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the ideas also remain but they have become types in nature forms of men animals birds fishes -Output Transcription: the ideas also remain but they have become types in nature forms of men any more spurs fiches -2021-09-20 08:47:04.310 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.235294 -2021-09-20 08:47:04.315 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: in order to please her i spoke to her of the abbe conti and i had occasion to quote two lines of that profound writer -Output Transcription: in order to please her i spoke to her of the abbey conti and i had occasion to quote two lines of that profound writer -2021-09-20 08:47:04.320 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.040000 -2021-09-20 08:47:04.327 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the bed she too well remembered was there and above all the cabinet on which had stood the image she had taken away was still on the same spot -Output Transcription: the bed she too well remembered was there and above all the cabinet on which had stood the image he had taken away was still on the same spot -2021-09-20 08:47:04.334 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.034483 -2021-09-20 08:47:04.334 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: hester prynne nevertheless the loving mother of this one child ran little risk of erring on the side of undue severity -Output Transcription: hester prynne nevertheless the loving mother of this one child ran little risk of erring on the side of undue severity -2021-09-20 08:47:04.334 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:47:04.335 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: by his resurrection christ won the victory over law sin flesh world devil death hell and every evil -Output Transcription: by his resurrection christ won the victory over law sin flesh world devil death hell and every evil -2021-09-20 08:47:04.335 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:47:04.341 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: then of a sudden at midday the sun shot out hot and still no breath of air stirred the sky was like blue steel the earth steamed -Output Transcription: then of a sudden at midday the sun shot out hot and still no both of air stirred the sky was like blue steel the earth steam -2021-09-20 08:47:04.347 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.074074 -2021-09-20 08:47:04.350 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: thought the fir tree and believed it all because the man who told the story was so good looking well well -Output Transcription: thought the fir tree and believe it all because the man who told the story was so good looking well well -2021-09-20 08:47:04.354 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.047619 -2021-09-20 08:47:04.354 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the analysis of knowledge will occupy us until the end of the thirteenth lecture and is the most difficult part of our whole enterprise -Output Transcription: the analysis of knowledge will occupy us until the end of the thirteenth lecture and is the most difficult part of our whole enterprise -2021-09-20 08:47:04.355 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:47:04.355 | INFO | deepspeech2x.model:test:372 - Error rate [wer] (1872/?) = 0.072953 -2021-09-20 08:47:05.974 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: oh i am speaking seriously replied montalais and my opinion in this case is quite as good as the king's i suppose is it not louise -Output Transcription: oh i am speaking seriously replied motels and my opinion in this case is quite as good as the kings i suppose is it not louise -2021-09-20 08:47:05.981 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.076923 -2021-09-20 08:47:05.981 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: he himself recited the same passage in french and politely pointed out the parts in which he thought that i had improved on the original -Output Transcription: he himself recited the same passage in french and politely pointed out the parts in which he thought that i had improved on the original -2021-09-20 08:47:05.982 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:47:05.982 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: but the tree did not rejoice at all he grew and grew and was green both winter and summer -Output Transcription: but the tree did not rejoice at all he grew and grew and was green both winter and summer -2021-09-20 08:47:05.982 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:47:05.989 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: one day when the boy was sent by his grandfather with a message to a relation he passed along a street in which there was a great concourse of horsemen -Output Transcription: one day when the boy was sent by his grandfather with a message to a relation he passed along the street and wish there was a great concourse of horsemen -2021-09-20 08:47:05.997 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.100000 -2021-09-20 08:47:06.003 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: in strict accuracy nothing should be included under the head of conspicuous waste but such expenditure as is incurred on the ground of an invidious pecuniary comparison -Output Transcription: in strict accuracy nothing should be included under the head of conspicuous waste at such expenditure as is incurred on the ground of an invidious pecuniary comparison -2021-09-20 08:47:06.009 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.037037 -2021-09-20 08:47:06.010 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: when she perceived the young man she rose like a woman surprised in the midst of ideas she was desirous of concealing from herself -Output Transcription: when she perceived the young man she rose like a woman surprised in the midst of ideas she was desirous of concealing from herself -2021-09-20 08:47:06.010 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:47:06.013 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: how is it la valliere said mademoiselle de tonnay charente that the vicomte de bragelonne spoke of you as louise -Output Transcription: how is it lavalier said mademoiselle de finish at that the vicomte de brug alone spoke of you as louise -2021-09-20 08:47:06.016 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.300000 -2021-09-20 08:47:06.017 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: stephen leaning back and drawing idly on his scribbler listened to the talk about him which heron checked from time to time by saying -Output Transcription: stephen leaning back and drawing idly on his scribbler listened to the talk about him which heron checked from time to time by saying -2021-09-20 08:47:06.017 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:47:06.021 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: he obtained the desired speed and load with a friction brake also regulator of speed but waited for an indicator to verify it -Output Transcription: he obtained the desired speed and load with a friction brake also regulator of speed but waited for it indicator to verify it -2021-09-20 08:47:06.025 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.043478 -2021-09-20 08:47:06.032 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: in the court yard some of the merry children were playing who had danced at christmas round the fir tree and were so glad at the sight of him -Output Transcription: in the courtyard some of the married children were playing who had danced at christmas round the fir tree and were so glad at the sight of him -2021-09-20 08:47:06.039 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.103448 -2021-09-20 08:47:06.045 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: when the blueskins saw ghip ghisizzle they raised another great shout for he was the favorite of the soldiers and very popular with all the people -Output Transcription: when the blue skin so get cause they raised another great shout for he was the favorite of the soldiers and very popular with all the people -2021-09-20 08:47:06.051 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.192308 -2021-09-20 08:47:06.051 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the scout who had left david at the door to ascertain they were not observed thought it prudent to preserve his disguise until assured of their privacy -Output Transcription: the scout who had left david at the door to ascertain they were not observed thought it prudent to preserve his disguise until assured of their privacy -2021-09-20 08:47:06.051 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:47:06.058 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the electric light can scarcely penetrate through the dense curtain which has dropped over the theatre on which the battle of the elements is about to be waged -Output Transcription: the electric light can scarcely penetrate through the dense curtain which is dropped over the theatre on which the battle of the elements is about to be waged -2021-09-20 08:47:06.065 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.035714 -2021-09-20 08:47:06.069 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: rodolfo and his companions with their faces muffled in their cloaks stared rudely and insolently at the mother the daughter and the servant maid -Output Transcription: rudolph and his companions were their faces muffled in their cloaks stared rudely and insolently at the mother the daughter and the servant made -2021-09-20 08:47:06.074 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.125000 -2021-09-20 08:47:06.083 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: if you will give us your promise to meet captain battleax here at this time to morrow we will stretch a point and delay the departure of the john bright for twenty four hours -Output Transcription: if you will give us your promise to meet captain madlax here at this time tomorrow we will stretch a point and delay the departure of the job right for twenty four hours -2021-09-20 08:47:06.092 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.147059 -2021-09-20 08:47:06.100 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: then dear said missus whitney you must be kinder to her than ever think what it would be for one of you to be away from home even among friends -Output Transcription: then dear said miss whitney you must be kind to her than ever think what it would be for one of you to be away from home even among friends -2021-09-20 08:47:06.107 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.066667 -2021-09-20 08:47:06.107 | INFO | deepspeech2x.model:test:372 - Error rate [wer] (1888/?) = 0.073018 -2021-09-20 08:47:10.116 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i can't pray to have the things i want he said slowly and i won't pray not to have them not if i'm damned for it -Output Transcription: i can't pray to have things i want he said slowly and i won't pray not to have them not if i'm damned for it -2021-09-20 08:47:10.122 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.038462 -2021-09-20 08:47:10.122 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: it was not very much past eleven that morning when the pony carriage from brandon drew up before the little garden wicket of redman's farm -Output Transcription: it was not very much past eleven that morning when the pony carriage from brandon drew up before the little garden wicket of redman's farm -2021-09-20 08:47:10.123 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:47:10.126 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: to embarrass this damaging exposure judge lecompte issued a writ against the ex governor on a frivolous charge of contempt -Output Transcription: to embarrass this damaging exposure judge let issued a writ against the ex governor on a frivolous charge of contempt -2021-09-20 08:47:10.129 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.050000 -2021-09-20 08:47:10.136 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i will endeavour in my statement to avoid such terms as would serve to limit the events to any particular place or give a clue as to the people concerned -Output Transcription: i will endeavor in my statement to avoid such terms as would serve to limit the event to any particular place or give a clue as to the people concerned -2021-09-20 08:47:10.144 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.066667 -2021-09-20 08:47:10.147 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: here she was teaching dirty children and the smell of confused odors and bodily perspiration was to her at times unbearable -Output Transcription: here she was teaching dirty children and the smell of confused odours and bodily perspiration was to her at times unbearable -2021-09-20 08:47:10.151 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.047619 -2021-09-20 08:47:10.156 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the weak kneed contingency must be strengthened and fortified and a couple of hundred votes in one way or another secured from the opposition -Output Transcription: the weak need contingency must be strengthened and fortified and a couple of hundred votes in one way or the other secured from the opposition -2021-09-20 08:47:10.160 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.125000 -2021-09-20 08:47:10.166 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: in the modern well constructed play he simply rings up an imaginary confederate and tells him what he is going to do could anything be more natural -Output Transcription: in the modern well constructed play he simply ring up an imaginary confederate and tells them what he is going to do could anything be more natural -2021-09-20 08:47:10.172 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.074074 -2021-09-20 08:47:10.178 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: beth was a beautiful girl the handsomest of the three cousins by far yet eliza surpassed her in natural charm and seemed well aware of the fact -Output Transcription: beth was a beautiful girl the handsomest of the three cousins by far yet eliza surpassed her a natural charm and seemed well aware of the fact -2021-09-20 08:47:10.185 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.037037 -2021-09-20 08:47:10.185 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: of this second letter also she spoke and told me that it contained an invitation for her to go and see the poet if ever she visited the lakes -Output Transcription: of this second letter also she spoke and told me that it contained an invitation for her to go and see the poet if ever she visited the lakes -2021-09-20 08:47:10.185 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:47:10.189 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the hon charles smith miss sarah's brother was walking swiftly uptown from mister easterly's wall street office and his face was pale -Output Transcription: the honorable charles smith miss sarah's brother was walking swiftly uptown from mister easter's wall street office and his face was pale -2021-09-20 08:47:10.193 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.090909 -2021-09-20 08:47:10.193 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: mister popham exaggerated nothing but on the contrary left much unsaid in his narrative of the family at the house of lords -Output Transcription: mister popham exaggerated nothing but on the contrary left much unsaid in his narrative of the family at the house of lords -2021-09-20 08:47:10.194 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:47:10.204 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: she pushed him toward the big chair by the fire and sat down on a stool at the opposite side of the hearth her knees drawn up to her chin laughing like a happy little girl -Output Transcription: she pushed him towards the big chair by the fire and sat down on a stool at the opposite side of the hearth her knees drawn up to her chin laughing like a happy little girl -2021-09-20 08:47:10.215 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.027778 -2021-09-20 08:47:10.222 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: but if we have now ceased to advance why do we yet leave that sail loose which at the first shock of the tempest may capsize us in a moment -Output Transcription: but if we have now ceased to advance why do we yet leave that sale loose which at the first shock of a tempest mac capsizes in a moment -2021-09-20 08:47:10.229 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.166667 -2021-09-20 08:47:10.230 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: hilda was very nice to him and he sat on the edge of his chair flushed with his conversational efforts and moving his chin about nervously over his high collar -Output Transcription: hilda was very nice to him and he sat on the edge of his chair flushed with his conversational efforts and moving his chin about nervously over his high collar -2021-09-20 08:47:10.230 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:47:10.230 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the princess sat down under a blue canopy with bouquets of roses and she let anders sit in a golden chair by her side -Output Transcription: the princess sat down under a blue canopy with bouquets of roses and she let anders sit in a golden chair by her side -2021-09-20 08:47:10.231 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:47:10.237 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: of course he did not realize that it was i who was knocking but none the less his conduct was very uncourteous and indeed under the circumstances rather suspicious -Output Transcription: of course he did not realize that it was i who was knocking but nevertheless his conduct was very uncouth and indeed under the circumstances rather suspicious -2021-09-20 08:47:10.243 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.137931 -2021-09-20 08:47:10.244 | INFO | deepspeech2x.model:test:372 - Error rate [wer] (1904/?) = 0.072712 -2021-09-20 08:47:12.274 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: but when his big brother heard that he had refused to give his cap for a king's golden crown he said that anders was a stupid -Output Transcription: but when his big brother heard that he had refused to give his cap for a king's golden crown he said that anders was a stupid -2021-09-20 08:47:12.276 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:47:12.279 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: they unite every quality and sometimes you will find me referring to them as colorists sometimes as chiaroscurists -Output Transcription: the unite every quality and sometimes you will find me referring to them as colorists sometimes as cures cure sts -2021-09-20 08:47:12.282 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.222222 -2021-09-20 08:47:12.290 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: why you said to fetch the first living creature we met and that was this billygoat replied the captain panting hard as he held fast to one of the goat's horns -Output Transcription: why you sit to fence the first living creature met and that was displaying out replied the captain panting hard as he held fast to one of the goat's horns -2021-09-20 08:47:12.297 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.161290 -2021-09-20 08:47:12.301 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: fortunately said mister vanderpool northerners and southerners are arriving at a better mutual understanding on most of these matters -Output Transcription: fortunately said mister vanderpool norteno in southerners all robbing at a better mutual understanding on most of these matters -2021-09-20 08:47:12.304 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.210526 -2021-09-20 08:47:12.304 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: they were voyaging across the deserts of the sky a host of nomads on the march voyaging high over ireland westward bound -Output Transcription: they were voyaging across the deserts of the sky a host of nomads on the march voyaging high over ireland westward bound -2021-09-20 08:47:12.304 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:47:12.310 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: although the brethren with me are not apostles like myself yet they are all of one mind with me think write and teach as i do -Output Transcription: although the brethren with me are not apostles like myself yet they are all of one mind with me think right and teachers i do -2021-09-20 08:47:12.315 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.115385 -2021-09-20 08:47:12.316 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: several clothes horses a pillion a spinning wheel and an old box wide open and stuffed full of coloured rags -Output Transcription: several clothes horses a pillion a spinning wheel and an old box wide open and stuffed full of coloured rags -2021-09-20 08:47:12.316 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:47:12.316 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i carefully avoid any appearance of preoccupation and eccentricity which might lead those i live amongst to suspect the nature of my pursuits -Output Transcription: i carefully avoid any appearance of preoccupation and eccentricity which might lead those i live amongst to suspect the nature of my pursuits -2021-09-20 08:47:12.317 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:47:12.323 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: any one thereabouts would have told you that this was one of the richest farms on the divide and that the farmer was a woman alexandra bergson -Output Transcription: anyone thereabouts would have told you that this was one of the richest farms on the divide and that the farmer was a woman alexandra bergson -2021-09-20 08:47:12.329 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.074074 -2021-09-20 08:47:12.332 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: philip therefore read diligently in the astor library planned literary works that should compel attention and nursed his genius -Output Transcription: philip therefore red diligently in the aster library planned literary works that should compel attention and nursed his venus -2021-09-20 08:47:12.335 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.157895 -2021-09-20 08:47:12.335 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: everything he has done has been aimed at the conservation of energy the contraction of space the intensification of culture -Output Transcription: everything he has done has been aimed at the conservation of energy the contraction of space the intensification of culture -2021-09-20 08:47:12.335 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:47:12.341 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: there was something in his carriage which resembled the buoyant movements of an immortal and he did not dance so much as seem to soar along -Output Transcription: there was something in his carriage which resembled the buoyant movements of an immortal and he did not dance so much as seemed to soar along -2021-09-20 08:47:12.347 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.038462 -2021-09-20 08:47:12.352 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: her bearing was graceful and animated she led her son by the hand and before her walked two maids with wax lights and silver candlesticks -Output Transcription: her bearing was graceful in animated she led her son by the hand and before her walked two maids with wax lights and silver candlesticks -2021-09-20 08:47:12.357 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.040000 -2021-09-20 08:47:12.361 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: there in the cedar hollow then lived olive lord an angry resentful little creature weighed down by a fierce sense of injury -Output Transcription: there in the cedar hollow then lived olive lord and angry resentful little creature weighed down by a fierce sense of injury -2021-09-20 08:47:12.365 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.045455 -2021-09-20 08:47:12.369 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the more she is engaged in her proper duties the less leisure will she have for it even as an accomplishment and a recreation -Output Transcription: the more she is engaged in her proper duties the last leisure will she have for it even as an accomplishment and a recreation -2021-09-20 08:47:12.374 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.041667 -2021-09-20 08:47:12.380 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: he could hardly stand still so great was his mental agitation and he ran towards holmes with two eager hands outstretched thank heaven that you have come -Output Transcription: he could hardly stand still so great was his mental agitation and he ran towards homes with two eager hands outstretched thank heaven that you have come -2021-09-20 08:47:12.387 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.037037 -2021-09-20 08:47:12.387 | INFO | deepspeech2x.model:test:372 - Error rate [wer] (1920/?) = 0.072663 -2021-09-20 08:47:14.038 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: and now he desires to see the ideal state set in motion he would like to know how she behaved in some great struggle -Output Transcription: and now he desires to see the ideal state set in motion he would like to know how she behaved in some great struggle -2021-09-20 08:47:14.039 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:47:14.044 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: three seconds before the arrival of j b hobson's letter i no more dreamed of chasing the unicorn than of trying for the northwest passage -Output Transcription: three seconds before the arrival of j b hobson's letter i know more dreamed of chasing the unicorn and have trying for the northwest passage -2021-09-20 08:47:14.049 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.120000 -2021-09-20 08:47:14.054 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: flight was out of the question now the reptiles rose they wheeled around our little raft with a rapidity greater than that of express trains -Output Transcription: fight was out of the question now the reptiles rose they willed around our little raft with a rapidity greater than that of express trains -2021-09-20 08:47:14.060 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.080000 -2021-09-20 08:47:14.060 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: again i thank you this incident i suppose will be renewed no more if i live to be an old woman i shall remember it thirty years hence as a bright dream -Output Transcription: again i thank you this incident i suppose will be renewed no more if i live to be an old woman i shall remember it thirty years hence as a bright dream -2021-09-20 08:47:14.060 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:47:14.067 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the lure proved too much for him and he came sporting after it as friskily as a young kitten much to cynthia's delight when she caught sight of him -Output Transcription: the lure proved too much for him any time sporting after it as briskly as a young kitten much to cynthia's delight when she caught sight of him -2021-09-20 08:47:14.074 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.137931 -2021-09-20 08:47:14.082 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: a stage meal is popular because it proves to the audience that the actors even when called charles hawtrey or owen nares are real people just like you and me -Output Transcription: a stage me less popular because it proved to the audience at the actors even one called charles hull train or owen nares are real people just like you and me -2021-09-20 08:47:14.089 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.233333 -2021-09-20 08:47:14.094 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: she spoke with a sudden energy which partook of fear and passion and flushed her thin cheek and made her languid eyes flash -Output Transcription: she spoke with a sudden energy which partook a fear and passion and flushed her thin cheeks and made her languid eyes flash -2021-09-20 08:47:14.098 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.086957 -2021-09-20 08:47:14.100 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: to meet the needs of this conflict wretchedness has invented a language of combat which is slang -Output Transcription: to meet the needs of this conflict wretchedness has invented the language of combat which is slang -2021-09-20 08:47:14.103 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.058824 -2021-09-20 08:47:14.105 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: yes then something better something still grander will surely follow or wherefore should they thus ornament me -Output Transcription: yes and something better something still brander will surely follow or wherefore should they thus ornament me -2021-09-20 08:47:14.108 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.117647 -2021-09-20 08:47:14.111 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: by this time lord chelford and wylder returned and disgusted rather with myself i ruminated on my want of general ship -Output Transcription: by this time lord chelford and wilder returned and disgusted rather with myself i ruminated on my want of generalship -2021-09-20 08:47:14.115 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.142857 -2021-09-20 08:47:14.118 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: now delia contrived to obtain a great influence and ascendency over the minds of the children by means of these dolls -Output Transcription: now delia contrived to obtain a great influence and ascendancy over the minds of the children by means of these dolls -2021-09-20 08:47:14.122 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.047619 -2021-09-20 08:47:14.122 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: relocated footnote governor robinson being on his way east the steamboat on which he was traveling stopped at lexington missouri -Output Transcription: relocated footnote governor robinson being on his way east the steamboat on which he was traveling stopped at lexington missouri -2021-09-20 08:47:14.123 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:47:14.129 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: kathleen waved the torch to and fro as she recited some beautiful lines written for some such purpose as that which called them together to night -Output Transcription: kathleen way of the torch to and fro as she recited some beautiful lines written for some such purpose as that which called them together tonight -2021-09-20 08:47:14.135 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.153846 -2021-09-20 08:47:14.141 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: they worry me terribly and besides i'd like to see what this lovely furniture looks like without such quantities of dust all over it good scheme cyn -Output Transcription: may worry me terribly and besides i'd like to see what this lovely furniture looks like without such quantities of dust all over it to its scheme seem -2021-09-20 08:47:14.148 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.148148 -2021-09-20 08:47:14.148 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: it will be clear to you from what i have said that only you could have let this young man out since you were left in the room and must have locked the door when you went out -Output Transcription: it will be clear to you from what i have said that only you could have let this young man out since you were left in the room and must have locked the door when you went out -2021-09-20 08:47:14.148 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:47:14.151 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i see they lay helpless and naked weeping and none to answer none to cherish thee with mothers smiles -Output Transcription: i see they lay helpless the naked weeping and none to answer none to cherish thee with mother's smiles -2021-09-20 08:47:14.154 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.105263 -2021-09-20 08:47:14.155 | INFO | deepspeech2x.model:test:372 - Error rate [wer] (1936/?) = 0.072906 -2021-09-20 08:47:15.834 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the king who had from this moment become in reality the principal dancer in the quadrille cast a look upon his vanquished rival -Output Transcription: the king who had from this moment become in reality the principal dancer and the quadrille cast a look upon his vanquished rival -2021-09-20 08:47:15.839 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.043478 -2021-09-20 08:47:15.839 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: this distinction is vital to the understanding of memory but it is not so easy to carry out in practice as it is to draw in theory -Output Transcription: this distinction is vital to the understanding of memory but it is not so easy to carry out in practice as it is to draw in theory -2021-09-20 08:47:15.839 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:47:15.840 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: pack as much into my trunk as you can my traveling kit my suits shirts and socks don't bother counting just squeeze it all in and hurry -Output Transcription: pack as much into my trunk as you can my traveling kit my suits shirts and socks don't bother counting just squeeze it all in and hurry -2021-09-20 08:47:15.840 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:47:15.845 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: now then let's enter the city an enjoy the grand feast that's being cooked i'm nearly starved myself for this conquerin kingdoms is hard work -Output Transcription: now then lets enter the city and enjoy a great feast is being cooked i nearly starved myself for this conquering kingdoms as hard work -2021-09-20 08:47:15.850 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.320000 -2021-09-20 08:47:15.858 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: it was a serious crime indeed mister watson told them and tom gates bade fair to serve a lengthy term in state's prison as a consequence of his rash act -Output Transcription: it was a serious crime indeed mister watson told them and tom gates bade fair to serve a lengthy term in the states prison as a consequence of his rash act -2021-09-20 08:47:15.865 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.066667 -2021-09-20 08:47:15.873 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: you may be quite sure it's there said captain battleax and that i can so use it as to half obliterate your town within two minutes of my return on board -Output Transcription: you may be quite short there said captain battle axe and that i can so use it as to half a bulter your town within two minutes of my return on board -2021-09-20 08:47:15.882 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.193548 -2021-09-20 08:47:15.886 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: yes all alone by himself asserted jasper vehemently and winking furiously to the others to stop their laughing he did now truly phronsie -Output Transcription: yes all alone by himself asserted jasper vehemently and winking furiously to the others to stop their laughing he did now truly prose -2021-09-20 08:47:15.890 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.043478 -2021-09-20 08:47:15.894 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i wanted nothing more than to see my country again my friends my modest quarters by the botanical gardens my dearly beloved collections -Output Transcription: i wanted nothing more than to see that country again my friends my modest quarters by the botanical gardens my dearly beloved collections -2021-09-20 08:47:15.899 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.043478 -2021-09-20 08:47:15.903 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: women can hide their pain better than we men and bear it better too except when shame drops fire into the dreadful chalice -Output Transcription: women can hide their pain better than we men and bear it better to except when shame drops fire into the dreadful chalice -2021-09-20 08:47:15.907 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.043478 -2021-09-20 08:47:15.913 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i wish it would recur again but it will take two or three interviews before the stiffness the estrangement of this long separation will wear away -Output Transcription: i was over recur again but it will take two or three interviews before the stiffness to the estrangement of this long separation will wear away -2021-09-20 08:47:15.919 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.153846 -2021-09-20 08:47:15.925 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: in other words these three men took down the lectures which luther addressed to his students in the course of galatians and roerer prepared the manuscript for the printer -Output Transcription: in other words these three men took down the lectures which luther address is students in the course of galatians and roar prepared the manuscript for the printer -2021-09-20 08:47:15.932 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.137931 -2021-09-20 08:47:15.937 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the lord who has given us power to teach and to hear let him also give us the power to serve and to do luke two -Output Transcription: the lord who has given us power to teach and to hear let him also give us the power to serve and to do look to -2021-09-20 08:47:15.943 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.076923 -2021-09-20 08:47:15.943 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: hold said david perceiving that with this assurance they were about to leave him i am an unworthy and humble follower of one who taught not the damnable principle of revenge -Output Transcription: hold said david perceiving that with this assurance they were about to leave him i am an unworthy and humble follower of one who taught not the damnable principle of revenge -2021-09-20 08:47:15.943 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:47:15.949 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: in the debate between the senior societies her defence of the fifteenth amendment had been not only a notable bit of reasoning but delivered with real enthusiasm -Output Transcription: in the debate between the signor societies her defence of the fifteenth amendment had been not only a notable bit of reasoning but delivered with real enthusiasm -2021-09-20 08:47:15.955 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.037037 -2021-09-20 08:47:15.962 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the hawk embittered by the loss of his first quarry had become as dogged in pursuit as a weasel not to be shaken off or evaded or deceived -Output Transcription: the hawk embittered by the loss of his first quarry had become as dogged in pursuit as a wheel not to be shaken off or evaded or deceived -2021-09-20 08:47:15.968 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.035714 -2021-09-20 08:47:15.976 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: on the contrary he resolved to tell them that repenting of his violence and moved by her tears he had only carried her half way towards his house and then let her go -Output Transcription: on the contrary he resolved to tell them that repenting of his violence and moved by tears he had only carried her half way towards his house and then let her go -2021-09-20 08:47:15.985 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.030303 -2021-09-20 08:47:15.985 | INFO | deepspeech2x.model:test:372 - Error rate [wer] (1952/?) = 0.072962 -2021-09-20 08:47:19.622 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the consumption of luxuries in the true sense is a consumption directed to the comfort of the consumer himself and is therefore a mark of the master -Output Transcription: the consumption of luxuries in the true sense is a consumption directed to the comfort of the consumer himself and is therefore a mark of the master -2021-09-20 08:47:19.623 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:47:19.623 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the use of the word waste as a technical term therefore implies no deprecation of the motives or of the ends sought by the consumer under this canon of conspicuous waste -Output Transcription: the use of the word waste as a technical term therefore implies no deprecation of the motives or of the ends sought by the consumer under this canon of conspicuous waste -2021-09-20 08:47:19.624 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:47:19.626 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: so i return rebuk'd to my content and gain by ill thrice more than i have spent -Output Transcription: so i return rebuked to my content and gained by ill thrice more than i have spent -2021-09-20 08:47:19.628 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.117647 -2021-09-20 08:47:19.633 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: she rose with a fleeting glance gathered the shawl round her then gliding forward wavering tremulous slipped across the road and into the swamp -Output Transcription: she rolls with a fleeting glance gathered the shawl around her then gliding forward wavering tremulous slipped across the road and into the swamp -2021-09-20 08:47:19.638 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.083333 -2021-09-20 08:47:19.638 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i am not allowed to perform magic except for my own amusement he told his visitors as he lighted a pipe with a crooked stem and began to smoke -Output Transcription: i am not allowed to perform magic except for my own amusement he told his visitors as he lighted a pipe with a crooked stem and began to smoke -2021-09-20 08:47:19.638 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:47:19.645 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the dews were suffered to exhale and the sun had dispersed the mists and was shedding a strong and clear light in the forest when the travelers resumed their journey -Output Transcription: the jews were suffered to exhale and the son had dispersed the mists and was shedding a strong and clear light in the forest when the travellers resumed their journey -2021-09-20 08:47:19.653 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.100000 -2021-09-20 08:47:19.653 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: thou canst wait through sorrow and sickness to bring souls to touch and think it soon when others cry too late -Output Transcription: thou canst wait through sorrow and sickness to bring souls to touch and think it soon when others cry too late -2021-09-20 08:47:19.653 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:47:19.658 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: sir i have it in command to inform your excellency that you have been appointed governor of the crown colony which is called britannula -Output Transcription: sir i have it in command to inform your excellency that you have been appointed governor of the crown colony which is called britannia -2021-09-20 08:47:19.662 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.041667 -2021-09-20 08:47:19.667 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: on the sixth of april eighteen thirty the church of jesus christ of latter day saints was formally organized and thus took on a legal existence -Output Transcription: on the sixth of april eighteen thirty the church of jesus christ of latterday saints was formerly organized and thus took on a legal existence -2021-09-20 08:47:19.674 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.115385 -2021-09-20 08:47:19.675 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the story of its evil influence came back to me and in my bewildered condition i wondered whether there was not some truth in what had been said -Output Transcription: the story of its evil influence came back to me and in my bewildered condition i wondered whether there was not some truth in what had been said -2021-09-20 08:47:19.675 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:47:19.679 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: nine thousand years have elapsed since she founded yours and eight thousand since she founded ours as our annals record -Output Transcription: nine thousand years had elapsed since she found it yours and eight thousand since she founded arts as our annals record -2021-09-20 08:47:19.682 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.200000 -2021-09-20 08:47:19.686 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: while the old gold and the marble stays forever gleaming its soft strong blaze calm in the early evening glow -Output Transcription: while the old gold and the marble stays forever gleaming is soft strong blaze can in the early evening glow -2021-09-20 08:47:19.689 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.100000 -2021-09-20 08:47:19.693 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: private persons who had leased the free state hotel vainly besought the various authorities to prevent the destruction of their property -Output Transcription: private persons who at least the free stay at hotel then lay be saw the various authorities to present the destruction of their property -2021-09-20 08:47:19.697 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.428571 -2021-09-20 08:47:19.697 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: for some years it was not found feasible to operate motors on alternating current circuits and that reason was often urged against it seriously -Output Transcription: for some years it was not found feasible to operate motors on alternating current circuits and that reason was often urged against it seriously -2021-09-20 08:47:19.698 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:47:19.703 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: then he rushed down stairs into the courtyard shouting loudly for his soldiers and threatening to patch everybody in his dominions if the sailorman was not recaptured -Output Transcription: then he rushed downstairs into the courtyard shouting loudly for his soldiers and threatening to patch everybody in his dominions of the sailorman was not recaptured -2021-09-20 08:47:19.709 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.111111 -2021-09-20 08:47:19.717 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i heard father tell cousin abner that he was whipped so often for whistling when he was a boy that he was determined to have what compensation he could get now -Output Transcription: i heard father tell cousin avenue that he was whipped so often for whistling when he was a boy that he was determined to have what compensation he could get now -2021-09-20 08:47:19.724 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.032258 -2021-09-20 08:47:19.725 | INFO | deepspeech2x.model:test:372 - Error rate [wer] (1968/?) = 0.072992 -2021-09-20 08:47:22.369 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the helpless worm arose and sat upon the lillys leaf and the bright cloud saild on to find his partner in the vale -Output Transcription: the helpless worm arose and sat upon the lily leaf and the bright clouds sailed on to find his partner in the veil -2021-09-20 08:47:22.374 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.173913 -2021-09-20 08:47:22.381 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: you must look at him in the face fight him conquer him with what scathe you may you need not think to keep out of the way of him -Output Transcription: you must look at him in the face fight him conquer him with what scared you may you need not think to keep out of the way of him -2021-09-20 08:47:22.387 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.034483 -2021-09-20 08:47:22.391 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the music came nearer and he recalled the words the words of shelley's fragment upon the moon wandering companionless pale for weariness -Output Transcription: the music came nearer and he recalled the words the words of shelley's fragment upon the moon wandering companion less pale for weariness -2021-09-20 08:47:22.395 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.090909 -2021-09-20 08:47:22.401 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: and there you are you will of course appreciate that the unfinished sentences not only save time but also make the manoeuvring very much more natural -Output Transcription: and there you are you will of course appreciate that the unbeaten is not only save time but also make the manoeuvring very much more natural -2021-09-20 08:47:22.407 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.076923 -2021-09-20 08:47:22.416 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: her hair is still like flax and her blue eyes are just like a baby's and she has the same three freckles on her little nose and talks about going back to her bains de mer -Output Transcription: her hair is still like flax and her blue eyes are just like babies and she has the same three freckles on her little nose and talks about going back to her band omar -2021-09-20 08:47:22.426 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.138889 -2021-09-20 08:47:22.426 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: he had a lot of line out and the place was none too free for a long cast but he was impatient to drop his flies again on the spot where the big fish was feeding -Output Transcription: he had a lot of line out and the place was none too free for a long cast but he was impatient to drop his flies again on the spot where the big fish was feeding -2021-09-20 08:47:22.426 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:47:22.427 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: and the old gentleman was so delighted with his success that he had to burst out into a series of short happy bits of laughter that occupied quite a space of time -Output Transcription: and the old gentleman was so delighted with his success that he had to burst out into a series of short happy bits of laughter that occupied quite a space of time -2021-09-20 08:47:22.427 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:47:22.431 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: disdainful of a success of which madame showed no acknowledgement he thought of nothing but boldly regaining the marked preference of the princess -Output Transcription: disdainful of success of which madame showed no acknowledgement he thought of nothing but boldly regaining the market preference of the princess -2021-09-20 08:47:22.435 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.086957 -2021-09-20 08:47:22.442 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: it was silent and gloomy being tenanted solely by the captive and lighted by the dying embers of a fire which had been used for the purposed of cookery -Output Transcription: it was silent and gloomy being tenanted solely by the captive and lighted by the dying embers of a fire which had been used for the purpose of cookery -2021-09-20 08:47:22.449 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.034483 -2021-09-20 08:47:22.454 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: he well knew that he should never see his dear old comrades the little bushes and flowers around him anymore perhaps not even the birds -Output Transcription: he well knew that he should never see his dear old comrades the little bushes and flowers around him any more perhaps not even the birds -2021-09-20 08:47:22.460 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.080000 -2021-09-20 08:47:22.468 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the two young men who were by this time full of the adventure went down to the wall street office of henry's uncle and had a talk with that wily operator -Output Transcription: the two young men who were by this time full of the adventurer went down to the wall street office of henry's uncle and had a talk with that wily operator -2021-09-20 08:47:22.475 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.032258 -2021-09-20 08:47:22.481 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: after this disappointment i never dare reckon with certainty on the enjoyment of a pleasure again it seems as if some fatality stood between you and me -Output Transcription: after this disappointment i never dare reckon with certainty on the enjoyment of pleasure again it seems as if some fatality stood between you and me -2021-09-20 08:47:22.487 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.037037 -2021-09-20 08:47:22.493 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: observe again what care the law took in the pursuit of wisdom searching out the deep things of the world and applying them to the use of man -Output Transcription: observe again what care a lot too in the pursuit of wisdom searching out the deep things of the world and applying them to the use of men -2021-09-20 08:47:22.500 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.142857 -2021-09-20 08:47:22.500 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: instead of but six regularly affiliated members and at most two score of adherents the organization numbers today many hundred thousand souls -Output Transcription: instead of but six regularly affiliated members and at most two score of adherents the organization numbers today many hundred thousand souls -2021-09-20 08:47:22.500 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:47:22.500 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: there is no class and no country that has yielded so abjectly before the pressure of physical want as to deny themselves all gratification of this higher or spiritual need -Output Transcription: there is no class and no country that has yielded so abjectly before the pressure of physical want as to deny themselves all gratification of this higher or spiritual need -2021-09-20 08:47:22.501 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:47:22.501 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the lodge in which uncas was confined was in the very center of the village and in a situation perhaps more difficult than any other to approach or leave without observation -Output Transcription: the lodge in which uncas was confined was in the very center of the village and in a situation perhaps more difficult than any other to approach or leave without observation -2021-09-20 08:47:22.501 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:47:22.502 | INFO | deepspeech2x.model:test:372 - Error rate [wer] (1984/?) = 0.072708 -2021-09-20 08:47:24.173 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the farmer sat gloomily on the bench and would not eat and you cannot wonder for he saw us putting potfuls of his good beef and basket loads of bread into our big mouths -Output Transcription: the farmer sat gloomily on the benches would not eat and you cannot wonder for he saw us putting partfull of his good beef and baskets of bread and our big mouths -2021-09-20 08:47:24.182 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.176471 -2021-09-20 08:47:24.190 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: it's such a crush at the yearly meeting at arch street and then there's the row of sleek looking young men who line the curbstone and stare at us as we come out -Output Transcription: it's such a crush at the yearly meeting at arch street and then there's the row of sleek looking young men who line the curbstone and series as we come out -2021-09-20 08:47:24.198 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.090909 -2021-09-20 08:47:24.204 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: she makes effort after effort trembling with eagerness and when she fails to reproduce what she sees she works herself into a frenzy of grief and disappointment -Output Transcription: she makes effort after effort trembling with eagerness than when she fails to reproduce what she sees she works herself into a frenzy of grief and disappointment -2021-09-20 08:47:24.210 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.037037 -2021-09-20 08:47:24.214 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: till we arise link'd in a golden band and never part but walk united bearing food to all our tender flowers -Output Transcription: till we arise linked in a golden band and never part but walk united bearing food to all our tender flowers -2021-09-20 08:47:24.218 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.047619 -2021-09-20 08:47:24.221 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: housecleaning a domestic upheaval that makes it easy for the government to enlist all the soldiers it needs -Output Transcription: house cleaning a domestic upheaval and that makes it easy for the government to enlist all the soldiers at needs -2021-09-20 08:47:24.224 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.222222 -2021-09-20 08:47:24.224 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: they informed the english parliament of this unexpected incident and assured them that they had entered into no private treaty with the king -Output Transcription: they informed the english parliament of this unexpected incident and assured them that they had entered into no private treaty with the king -2021-09-20 08:47:24.224 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:47:24.229 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: thus did this humane and right minded father comfort his unhappy daughter and her mother embracing her again did all she could to soothe her feelings -Output Transcription: thus too the humane and right minded father comfort his unhappy daughter and her mother embracing her again did all she could to soothe feelings -2021-09-20 08:47:24.235 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.115385 -2021-09-20 08:47:24.241 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the fairview band was engaged to discourse as much harmony as it could produce and the resources of the great house were taxed to entertain the guests -Output Transcription: the fairview pound was engaged to discourse as much harmony as it could produce and the resources of the great house were taxed to entertain the guests -2021-09-20 08:47:24.247 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.037037 -2021-09-20 08:47:24.247 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i think the next glass cat the magician makes will have neither brains nor heart for then it will not object to catching mice and may prove of some use to us -Output Transcription: i think the next glass cat the magician makes will have neither brains nor heart for then it will not object to catching mice and may prove of some use to us -2021-09-20 08:47:24.248 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:47:24.255 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i shan't trouble you about my train of thoughts or fancies but i began to feel very like a gentleman in a ghost story watching experimentally in a haunted chamber -Output Transcription: i shan't trouble you about my train of thoughts or fancies but i began to feel very like a gentleman in the ghost story watching experimentally in a haunted chamber -2021-09-20 08:47:24.262 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.033333 -2021-09-20 08:47:24.268 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: he often stopped to examine the trees nor did he cross a rivulet without attentively considering the quantity the velocity and the color of its waters -Output Transcription: he often stopped to examine the trees nor did he cross the rivulet without attentively considering the quantity the velocity and the color of its waters -2021-09-20 08:47:24.273 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.038462 -2021-09-20 08:47:24.274 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the news circulated with the rapidity of lightning during its progress it kindled every variety of coquetry desire and wild ambition -Output Transcription: the news circulated with the rapidity of lightning during its progress it kindled every variety of coquetry desire and wild ambition -2021-09-20 08:47:24.274 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:47:24.280 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i'll gladly do that promised the new boolooroo and i'll feed the honorable goat all the shavings and leather and tin cans he can eat besides the grass -Output Transcription: i will gladly do that promised the new bolero and i'll feed the honorable gold all the shavings and leather and tin cans can eat besides the grass -2021-09-20 08:47:24.286 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.178571 -2021-09-20 08:47:24.292 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: it was this observation that drew from douglas not immediately but later in the evening a reply that had the interesting consequence to which i call attention -Output Transcription: it was this observation that drew from douglas not immediately but later in the evening reply that had the interesting consequence to which i call attention -2021-09-20 08:47:24.298 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.037037 -2021-09-20 08:47:24.302 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: well i'm convinced that the boarded up house mystery happened not earlier than april sixteenth eighteen sixty one and probably not much later -Output Transcription: well and convinced at the boarded up house mystery happened not earlier than april sixteen eighteen sixty one and probably not much later -2021-09-20 08:47:24.307 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.130435 -2021-09-20 08:47:24.310 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: and hence we find the same sort of clumsiness in the timaeus of plato which characterizes the philosophical poem of lucretius -Output Transcription: and hence we find the same sort of clumsiness in the timaeus of plato which characterizes to philosophical pan of lucretius -2021-09-20 08:47:24.314 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.095238 -2021-09-20 08:47:24.314 | INFO | deepspeech2x.model:test:372 - Error rate [wer] (2000/?) = 0.072768 -2021-09-20 08:47:26.135 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: and he placed it in that gentleman's fingers who now took his turn at the lamp and contemplated the little parallelogram with a gleam of sly amusement -Output Transcription: and he placed it in that gentleman's fingers who now took his turn to the lamp and contemplated the little parallelogram with a gleam of sly amusement -2021-09-20 08:47:26.141 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.037037 -2021-09-20 08:47:26.147 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: there was a bright moonlight broken by the shadows of overhanging boughs and withered leaves and the mottled lights and shadows glided oddly across his pale features -Output Transcription: there was a bright moon light broken by the shadows of overhanging boughs and with her leaves and the model lights and shadows glided oddly across his pale features -2021-09-20 08:47:26.154 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.185185 -2021-09-20 08:47:26.157 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: nemo builds a fabulous futuristic submarine the nautilus then conducts an underwater campaign of vengeance against his imperialist oppressor -Output Transcription: name of build a fabulous futuristic submarine the nautilus then conducts an underwater campaign of vengeance against his imperialist oppressor -2021-09-20 08:47:26.160 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.157895 -2021-09-20 08:47:26.160 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the principle employed in the edison electrolytic meter is that which exemplifies the power of electricity to decompose a chemical substance -Output Transcription: the principle employed in the edison electrolytic meter is that which exemplifies the power of electricity to decompose a chemical substance -2021-09-20 08:47:26.161 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:47:26.161 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: all my danger and sufferings were needed to strike a spark of human feeling out of him but now that i am well his nature has resumed its sway -Output Transcription: all my danger and sufferings were needed to strike a spark of human feeling out of him but now that i am well his nature has resumed its sway -2021-09-20 08:47:26.161 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:47:26.169 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: on the mast already i see the light play of a lambent saint elmo's fire the outstretched sail catches not a breath of wind and hangs like a sheet of lead -Output Transcription: on the mast already i see the light play of alaminos saint elmo's fire the ostrich sail catches not a breath of wind and hangs like a sheet of lead -2021-09-20 08:47:26.176 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.096774 -2021-09-20 08:47:26.180 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the task will not be difficult returned david hesitating though i greatly fear your presence would rather increase than mitigate his unhappy fortunes -Output Transcription: the task will not be difficult return david hesitating though i greatly fear our presence would rather increase that mitigate his unhappy fortunes -2021-09-20 08:47:26.185 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.130435 -2021-09-20 08:47:26.188 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: nay i rather thrilled distrusting every light that seemed to gild the onward path and feared to overlean a finger even -Output Transcription: nay i rather thrilled distrusting every light that seemed to gild the onward caf and fear to over lean a finger even -2021-09-20 08:47:26.192 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.190476 -2021-09-20 08:47:26.199 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: this missus poyser said blushing and believing that the captain was really interested in her milk pans and would adjust his opinion of her to the appearance of her dairy -Output Transcription: this miss poyser said blushing and believing that the captain was really interested in her mops and would adjust his opinion of her to the appearance of her dairy -2021-09-20 08:47:26.206 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.100000 -2021-09-20 08:47:26.212 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: yes i need repose many things have agitated me to day both in mind and body when you return to morrow i shall no longer be the same man -Output Transcription: yes i need repose many things have agitated me today both in mind and body when you return tomorrow i shall no longer be the same man -2021-09-20 08:47:26.219 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.137931 -2021-09-20 08:47:26.226 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i hope thee told the elders that father and i are responsible for the piano and that much as thee loves music thee is never in the room when it is played -Output Transcription: i hope he told the elders that father and i responsible for the piano and that much as the loves music the is never in the room when it is played -2021-09-20 08:47:26.234 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.125000 -2021-09-20 08:47:26.235 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: therefore i feel myself quite able as president of this republic to receive you with a courtesy due to the servants of a friendly ally -Output Transcription: therefore i feel myself quite able as president of this republic to receive you with a courtesy due to the servants of a friendly ally -2021-09-20 08:47:26.235 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:47:26.235 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: he was in the midst of that when your return caused him to make a very hurried retreat very hurried since he had not time to replace the papers which would tell you that he had been there -Output Transcription: he was in the midst of that when your return caused him to make a very hurried retreat very hurried since he had not time to replace the papers which would tell you that he had been there -2021-09-20 08:47:26.236 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:47:26.244 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: in fact he had just finished it the last of the trout's tail had just vanished with a spasm down his strained gullet when the baffled hawk caught sight of him and swooped -Output Transcription: in fact he had just finished it the last of the trout's tail had just vanished with the spasm down his strange gullet when the baffled hawk caught sight of him and swooped -2021-09-20 08:47:26.253 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.060606 -2021-09-20 08:47:26.260 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: it is a gleaner bringing down her one sheaf of corn to an old watermill itself mossy and rent scarcely able to get its stones to turn -Output Transcription: it is a gleaner bringing down her one sheaf of corn to an old water mill itself mossy and rent scarcely able to get its stones to turn -2021-09-20 08:47:26.266 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.074074 -2021-09-20 08:47:26.273 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: in fact the sound of madame's and the queen's carriages could be heard in the distance upon the hard dry ground of the roads followed by the mounted cavaliers -Output Transcription: in fact the sound of madams and the queen's carriages could be heard in the distance upon the hard dry ground of the roads followed by the mountain cavaliers -2021-09-20 08:47:26.279 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.068966 -2021-09-20 08:47:26.280 | INFO | deepspeech2x.model:test:372 - Error rate [wer] (2016/?) = 0.072905 -2021-09-20 08:47:30.442 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i know his farm is in better order than any other within ten miles of us and as for the kitchen he added smiling i don't believe there's one in the kingdom to beat it -Output Transcription: i know his arm is in better order than any other within ten miles of us and as for the kitchen he added smiling i don't believe there is one in the kingdom to eat it -2021-09-20 08:47:30.453 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.114286 -2021-09-20 08:47:30.461 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the cunning man is afraid that his breath will blow upon his brothers and take away their courage too continued david improving the hint he received they must stand further off -Output Transcription: the cunning man is afraid that his breath will blow upon his brothers and take away their courage to continued david improving the hand he received they must stand further off -2021-09-20 08:47:30.468 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.064516 -2021-09-20 08:47:30.476 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: on either side of the road for a mile before you reached the foot of the hill stood tall osage orange hedges their glossy green marking off the yellow fields -Output Transcription: on either side of the road for a mile before you reach the foot of the hill stood tall osage or in changes their glossy green mocking off the yellow fields -2021-09-20 08:47:30.484 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.166667 -2021-09-20 08:47:30.491 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: that christ is very god is apparent in that paul ascribes to him divine powers equally with the father as for instance the power to dispense grace and peace -Output Transcription: that christ is very god is apparent in that paul ascribes to him divine powers equally with the father as for instance the power to the spence grace and peace -2021-09-20 08:47:30.498 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.068966 -2021-09-20 08:47:30.498 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: by quick marches through these inaccessible mountains that general freed himself from the superior forces of the covenanters -Output Transcription: by quick marches through these inaccessible mountains that general freed himself from the superior forces of the covenanters -2021-09-20 08:47:30.498 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:47:30.503 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: but thel is like a faint cloud kindled at the rising sun i vanish from my pearly throne and who shall find my place -Output Transcription: but thou is like a faint cloud kindled at the rising sun i vanished from my pearly throne and who shall find my place -2021-09-20 08:47:30.508 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.083333 -2021-09-20 08:47:30.508 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: forgive me i hardly know what i am saying a thousand times forgive me madame was right quite right this brutal exile has completely turned my brain -Output Transcription: forgive me i hardly know what i am saying a thousand times forgive me madame was right quite right this brutal exile has completely turned my brain -2021-09-20 08:47:30.508 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:47:30.512 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: but her greeting to captain lake was more than usually haughty and frozen and her features i fancied particularly proud and pale -Output Transcription: but her greeting to captain mike was more than usually haughty and frozen and her features i fancied particularly proud and pale -2021-09-20 08:47:30.516 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.045455 -2021-09-20 08:47:30.516 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: bishops virgins and even spotless infants were subjected to the disgrace of a public penance before they could be admitted to the communion of the donatists -Output Transcription: bishops virgins and even spotless infants were subjected to the disgrace of a public penance before they could be admitted to the communion of the donatists -2021-09-20 08:47:30.517 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:47:30.517 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the south she had not thought of seriously and yet knowing of its delightful hospitality and mild climate she was not averse to charleston or new orleans -Output Transcription: the south she had not thought of seriously and yet knowing of its delightful hospitality and mild climate she was not averse to charleston or new orleans -2021-09-20 08:47:30.517 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:47:30.523 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the queens had taken their seats upon a magnificent dias or platform erected upon the borders of the lake in a theater of wonderful elegance of construction -Output Transcription: the queens had taken their seats upon a magnificent dais or platform erected upon the borders of the lake in a theatre of wonderful elegance of construction -2021-09-20 08:47:30.529 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.074074 -2021-09-20 08:47:30.533 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the pleasant graveyard of my soul with sentimental cypress trees and flowers is filled that i may stroll in meditation at my ease -Output Transcription: the pleasant graveyard of my soul with sentimental cyprus trees and flowers is filled then i may stroll and meditation at my ease -2021-09-20 08:47:30.538 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.130435 -2021-09-20 08:47:30.543 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: and the wan oracle having spoken she sate down in the same sort of abstraction again beside dorcas and she looked full in her cousin's eyes -Output Transcription: and the wan oracle having spoken she sat down in the same sort of obstruction again beside dorcas and she looked full in her cousin's eyes -2021-09-20 08:47:30.549 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.076923 -2021-09-20 08:47:30.558 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: as to any other kind of discipline whether addressed to her mind or heart little pearl might or might not be within its reach in accordance with the caprice that ruled the moment -Output Transcription: as to any other kind of discipline whether addressed to her mind or heart little pearl might or might not be within its reach in accordance with the caprice that lined the moment -2021-09-20 08:47:30.566 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.030303 -2021-09-20 08:47:30.567 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: as the ambassador of a government is honored for his office and not for his private person so the minister of christ should exalt his office in order to gain authority among men -Output Transcription: as the ambassador of a government is honored for his office and not for his private person so the minister of christ should exalt his office in order to gain authority among men -2021-09-20 08:47:30.567 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:47:30.573 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: see said uncas pointing north and south at the evident marks of the broad trail on either side of him the dark hair has gone toward the forest -Output Transcription: see said uncas pointing north and south at the evident marks of the broad trail on either side of him the dark hair has gone towards the forest -2021-09-20 08:47:30.580 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.035714 -2021-09-20 08:47:30.580 | INFO | deepspeech2x.model:test:372 - Error rate [wer] (2032/?) = 0.072662 -2021-09-20 08:47:32.764 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: he was beginning to feel a keen interest in the slender barefoot donkey girl who slipped in and out of the play singing like some one winding through a hilly field -Output Transcription: he was beginning to feel keen interest in the slender barefoot donkey girl who slipped her and out of the play singing like some one winding through hilly fields -2021-09-20 08:47:32.772 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.129032 -2021-09-20 08:47:32.777 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the free state men clung to their prairie towns and prairie ravines with all the obstinacy and courage of true defenders of their homes and firesides -Output Transcription: the freestate men clung to their prairie towns and prairie vines with all the obstinacy and courage of true defenders of their homes and firesides -2021-09-20 08:47:32.782 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.115385 -2021-09-20 08:47:32.788 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: lives not alone nor or itself fear not and i will call the weak worm from its lowly bed and thou shalt hear its voice -Output Transcription: lives not alone nor of itself fear not and i will call the weak worm from its lowly bed and thou shalt hear its voice -2021-09-20 08:47:32.793 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.040000 -2021-09-20 08:47:32.798 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: in winter when the snow lay glittering on the ground a hare would often come leaping along and jump right over the little tree -Output Transcription: in winter when the snow lay glittering on the ground a hair would often come leaping along and jump right over the little tree -2021-09-20 08:47:32.803 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.041667 -2021-09-20 08:47:32.803 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i had always known him to be restless in his manner but on this particular occasion he was in such a state of uncontrollable agitation that it was clear something very unusual had occurred -Output Transcription: i had always known him to be restless in his manner but on this particular occasion he was in such a state of uncontrollable agitation that it was clear something very unusual had occurred -2021-09-20 08:47:32.803 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:47:32.808 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: but observe you can only do this on one condition that of striving also to create in reality the beauty which you seek in imagination -Output Transcription: but observe you can only do this on one condition that of striving also to create in reality the beauty which you seek an imagination -2021-09-20 08:47:32.813 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.040000 -2021-09-20 08:47:32.814 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the edict of milan the great charter of toleration had confirmed to each individual of the roman world the privilege of choosing and professing his own religion -Output Transcription: the edict of milan the great charter of toleration had confirmed to each individual of the roman world the privilege of choosing and professing his own religion -2021-09-20 08:47:32.814 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:47:32.823 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: before any could stop him he butted his majesty so furiously that the king soared far into the air and tumbled in a heap among the benches where he lay moaning and groaning -Output Transcription: before any good stop him he buried his majesty so furiously that the king soared far into the air and tumbled in a heap among the benches where he lay moaning and groaning -2021-09-20 08:47:32.831 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.060606 -2021-09-20 08:47:32.832 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: as a sample of the press comments against the brutality of the missourians i quote a paragraph from the quincy argus march sixteenth eighteen thirty nine -Output Transcription: as a sample of the press comments against the brutality of the missourians i quote a paragraph from the quincy argus march sixteenth eighteen thirty nine -2021-09-20 08:47:32.832 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:47:32.832 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: so saying she led the way on tiptoe followed by the children out of the room and round by a circuitous route to the piazza there -Output Transcription: so saying she led the way on tiptoe followed by the children out of the room and round by a circuitous route to the piazza there -2021-09-20 08:47:32.832 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:47:32.840 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: hostess replaces lump and inclines empty teapot over tray for a moment then hands him a cup painted brown inside thus deceiving the gentleman with the telescope in the upper circle -Output Transcription: hotis replaces lump and inclined to empty teapot over tray for a moment then hand make up painted brown inside thus deceiving the gentleman with the telescope in the upper circle -2021-09-20 08:47:32.848 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.225806 -2021-09-20 08:47:32.855 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: it was specially suited for a trial plant also in the early days when a yield of six or eight lamps to the horse power was considered subject for congratulation -Output Transcription: it was specially suited for a trial plant also in the early days when a yield of six or eight lamps to the horsepower was consider subject for congratulation -2021-09-20 08:47:32.862 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.100000 -2021-09-20 08:47:32.863 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: in the present day we are well aware that an ancient philosopher is to be interpreted from himself and by the contemporary history of thought -Output Transcription: in the present day we are well aware that an ancient philosopher is to be interpreted from himself and by the contemporary history of thought -2021-09-20 08:47:32.863 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:47:32.871 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: one of mister hopkins's first tasks after calling his faithful henchmen around him was to make a careful canvass of the voters of his district to see what was still to be accomplished -Output Transcription: one of hester hopkins first tasks after calling his faithful henchmen around him was to make a careful kilns of the voters of his district to see what was still to be accomplished -2021-09-20 08:47:32.880 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.090909 -2021-09-20 08:47:32.885 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: ralph thurston had found a line of latin for them in his beloved horace tibi splendet focus for you the hearth fire shines -Output Transcription: ralph thurston had found a line of latin for them in his beloved horns to be splendid focus for you the hearth fire shines -2021-09-20 08:47:32.889 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.173913 -2021-09-20 08:47:32.892 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: it is black in misfortune it is blacker still in crime these two blacknesses amalgamated compose slang -Output Transcription: it is black and misfortune it is blacker still in crime these two blackness is amalgamated composed slang -2021-09-20 08:47:32.894 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.235294 -2021-09-20 08:47:32.895 | INFO | deepspeech2x.model:test:372 - Error rate [wer] (2048/?) = 0.072707 -2021-09-20 08:47:34.846 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: which thou dost scatter on every little blade of grass that springs revives the milked cow and tames the fire breathing steed -Output Transcription: which thou dost scatter on every little blade of grass that springs revives the milked cow and tames the fire breathing speed -2021-09-20 08:47:34.851 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.045455 -2021-09-20 08:47:34.864 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the old servant told him quietly as they crept back to gamewell that this passage way led from the hut in the pleasance to sherwood and that geoffrey for the time was hiding with the outlaws in the forest -Output Transcription: the old servant told him quietly as they crept back to game well that this passage way led from the hut in the pleasance to sherwood and that jeffrey for the time was hiding with the outlaws in the forest -2021-09-20 08:47:34.877 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.076923 -2021-09-20 08:47:34.878 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i have never yet however been vanquished by them and even upon this occasion my reason shall combat them to the last and my reason shall fail me before i do wrong -Output Transcription: i have never yet however been vanquished by them and even upon this occasion my reason shall combat them to the last and my reason shall fail me before i do wrong -2021-09-20 08:47:34.878 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:47:34.885 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: he hoped there would be stew for dinner turnips and carrots and bruised potatoes and fat mutton pieces to be ladled out in thick peppered flour fattened sauce -Output Transcription: he hoped there would be stew for dinner turnips and carrots and bruised potatoes and fat mutton pieces to be ladled out in thick peppered flower fattened sauce -2021-09-20 08:47:34.892 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.035714 -2021-09-20 08:47:34.900 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: he came down to earth lived among men suffered was crucified and then he died standing clearly before us so that our hearts and eyes may fasten upon him -Output Transcription: he came down to earth lived among men suffered was crucified and then he died standing clearly before us so that our hearts and eyes me fasten upon him -2021-09-20 08:47:34.907 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.034483 -2021-09-20 08:47:34.908 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: nothing is more lugubrious than the contemplation thus in its nudity in the broad light of thought of the horrible swarming of slang -Output Transcription: nothing is more lugubrious than the contemplation thus in its nudity in the broad light of thought of the horrible swarming of slang -2021-09-20 08:47:34.908 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:47:34.908 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: but this frequenter of the heights of air for all his savage valor was troubled at the leaping waves and the tossing foam of these mad rapids he did not understand them -Output Transcription: but this frequenter of the heights of air for all his savage valor was troubled at the leaping waves and the tossing foam of these mad rapids he did not understand them -2021-09-20 08:47:34.909 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:47:34.909 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: all the morning they trudged up the mountain path and at noon unc and ojo sat on a fallen tree trunk and ate the last of the bread which the old munchkin had placed in his pocket -Output Transcription: all the morning they trudged up the mountain path and at noon unc and ojo sat on a fallen tree trunk and ate the last of the bread which the old munchkin had placed in his pocket -2021-09-20 08:47:34.909 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:47:34.917 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: extinguished brands were lying around a spring the offals of a deer were scattered about the place and the trees bore evident marks of having been browsed by the horses -Output Transcription: extinguished brands were lying around a spring the awful of a deer were scattered about the place and the trees bore evident marks of having been browsed by the horses -2021-09-20 08:47:34.925 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.033333 -2021-09-20 08:47:34.934 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: we can all be servants of god wherever our lot is cast but he gives us different sorts of work according as he fits us for it and calls us to it -Output Transcription: we can all be servants of god wherever our lot is cast but he gives us different sorts of work according as he fits us for it and causes to it -2021-09-20 08:47:34.942 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.062500 -2021-09-20 08:47:34.954 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: but take it whilst i live and wear montfichet's shield in the days when my eyes can be rejoiced by so brave a sight for you will ne'er disgrace our scutcheon i warrant me -Output Transcription: but take it whilst i live and where monte's shield in the days when my eyes can be rejoiced by so brave a sight for you will never disgrace our dutch and i warrant me -2021-09-20 08:47:34.964 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.147059 -2021-09-20 08:47:34.973 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: among the country population its place is to some extent taken by savings and home comforts known through the medium of neighborhood gossip sufficiently to serve the like general purpose of pecuniary repute -Output Transcription: among the country population its place to some extent taken by savings and home comforts known through the medium of neighbours gossip sufficiently to serve the like general purpose of pecuniary repute -2021-09-20 08:47:34.983 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.060606 -2021-09-20 08:47:34.991 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: it has even happened that the name for certain diseased conditions of the body arising from such an origin has passed into everyday speech as a synonym for noble or gentle -Output Transcription: it has even happened that the name for certain disease conditions of the body arising from such an origin has passed into everyday speech as a synonym for noble or gentle -2021-09-20 08:47:35.000 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.032258 -2021-09-20 08:47:35.005 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the dull light fell more faintly upon the page whereon another equation began to unfold itself slowly and to spread abroad its widening tail -Output Transcription: the dull light fell more faintly upon the page where on another equation began to unfold itself slowly and to spread abroad its widening tail -2021-09-20 08:47:35.010 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.083333 -2021-09-20 08:47:35.017 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: whenever as in these cases the menial service in question has to do directly with the primary leisure employments of fighting and hunting it easily acquires a reflected honorific character -Output Transcription: whenever as in these cases the menial service in question has studied directly with a primary leisure employments of fighting and hunting it easily acquires a reflected on terrific character -2021-09-20 08:47:35.025 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.166667 -2021-09-20 08:47:35.032 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: it is notable that the indian tribes have generally regarded the religion of the latter day saints with favor seeing in the book of mormon striking agreement with their own traditions -Output Transcription: it is notable that the indian tribes have nearly regarded the religion of the latterday saints with favour seeing in the book mormon striking agreement with their own traditions -2021-09-20 08:47:35.040 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.161290 -2021-09-20 08:47:35.040 | INFO | deepspeech2x.model:test:372 - Error rate [wer] (2064/?) = 0.072492 -2021-09-20 08:47:38.452 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: marie picked cherries and sang softly to herself stripping one glittering branch after another shivering when she caught a shower of raindrops on her neck and hair -Output Transcription: marie picked berries and saying softly to herself stripping one glittering ranch after another shivering when she taught a shower of rain drops on her neck and hair -2021-09-20 08:47:38.459 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.222222 -2021-09-20 08:47:38.463 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: first as a paris stockbroker later as a celebrated author and yachtsman he went on frequent voyages to britain america the mediterranean -Output Transcription: first as a paris stockbroker later as a celebrated author and yachtsmen he went on frequent voyages to britain america the mediterranean -2021-09-20 08:47:38.467 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.045455 -2021-09-20 08:47:38.467 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: at most by an alms given to a beggar whose blessing he fled from he might hope wearily to win for himself some measure of actual grace -Output Transcription: at most by an alms given to a beggar whose blessing he fled from he might hope wearily to win for himself some measure of actual grace -2021-09-20 08:47:38.468 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:47:38.468 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: it is probable that the relation of the ideas to god or of god to the world was differently conceived by him at different times of his life -Output Transcription: it is probable that the relation of the ideas to god or of god to the world was differently conceived by him at different times of his life -2021-09-20 08:47:38.468 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:47:38.472 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: he would be like a philologist refusing to examine a fact in language a philosopher hesitating to scrutinize a fact in humanity -Output Transcription: he would be like a philologist refusing to examine affect in language a philosopher hesitating to scrutinize effect in humanity -2021-09-20 08:47:38.475 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.181818 -2021-09-20 08:47:38.486 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: if beauty or comfort is achieved and it is a more or less fortuitous circumstance if they are they must be achieved by means and methods that commend themselves to the great economic law of wasted effort -Output Transcription: if beauty comfort is achieved and it is a more or less fortuitous circumstance if there they must be achieved by means and methods that commend themselves through the grate economic law of wasted effort -2021-09-20 08:47:38.496 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.135135 -2021-09-20 08:47:38.501 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: in actual fact there are doubtless various factors that concur in giving us the feeling of greater or less remoteness in some remembered event -Output Transcription: in actual fact there are doubtless various factors that concur in giving us the filling of greater or less remoteness and some remembered event -2021-09-20 08:47:38.506 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.083333 -2021-09-20 08:47:38.517 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: sometimes i don't want to do anything at all and sometimes i want to pull the four corners of the divide together he threw out his arm and brought it back with a jerk so like a table cloth -Output Transcription: sometimes i don't want to do anything at all and sometimes i want to pull the four corners of the divide together he threw out his arm and brought it back with a jerk so like a tablecloth -2021-09-20 08:47:38.529 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.051282 -2021-09-20 08:47:38.537 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: such consumption as falls to the women is merely incidental to their work it is a means to their continued labour and not a consumption directed to their own comfort and fulness of life -Output Transcription: such consumption as falls through the woman is merely incidental to their work it is a means to their continued labor and not consumption directed to their own comfort and fullness of life -2021-09-20 08:47:38.546 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.147059 -2021-09-20 08:47:38.554 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: some of the touches indeed when the tint has been mixed with much water have been laid in little drops or ponds so that the pigment might crystallize hard at the edge -Output Transcription: some of the touches indeed when the tint has been mixed with much water have been laid in little drops her ponds so that the pigman might crystallize hard at the edge -2021-09-20 08:47:38.562 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.062500 -2021-09-20 08:47:38.563 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: for the first day sir i think that what you have done gives great hopes of you and without any doubt you will make rapid progress -Output Transcription: for the first day sir i think that what you have done gives great hopes of you and without any doubt you will make rapid progress -2021-09-20 08:47:38.563 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:47:38.563 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: at one end stood a great fireplace in which a blue log was blazing with a blue flame and over the fire hung four kettles in a row all bubbling and steaming at a great rate -Output Transcription: at one end stood a great fireplace in which a blue log was blazing with a blue flame and over the fire hung four kettles in a row all bubbling and steaming at a great rate -2021-09-20 08:47:38.564 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:47:38.571 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the tree only came to himself when he was unloaded in a court yard with the other trees and heard a man say that one is splendid we don't want the others -Output Transcription: the tree only came to himself when he was unloaded in a courtyard with the other trees and heard a man say that one is splendid we don't want the others -2021-09-20 08:47:38.579 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.062500 -2021-09-20 08:47:38.580 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: as i spoke i made him a gracious bow and i think i showed him by my mode of address that i did not bear any grudge as to my individual self -Output Transcription: as i spoke i made him a gracious bow and i think i showed him by my mode of address that i did not bear any grudge as to my individual self -2021-09-20 08:47:38.580 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:47:38.583 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: you will find me continually speaking of four men titian holbein turner and tintoret in almost the same terms -Output Transcription: you will find me continually speaking of four men titian holbein turner and tinkered in almost the same terms -2021-09-20 08:47:38.586 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.052632 -2021-09-20 08:47:38.593 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: he has no traditions to bind him or guide him and his impulse is to break away from the occupation his father has followed and make a new way for himself -Output Transcription: he has no traditions to bind him or guide him and his impulse is to break away from the occupation his father has followed and making way for himself -2021-09-20 08:47:38.600 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.096774 -2021-09-20 08:47:38.601 | INFO | deepspeech2x.model:test:372 - Error rate [wer] (2080/?) = 0.072462 -2021-09-20 08:47:41.087 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: when a private in the eighth cavalry he had been on the point of quitting the army at twenty eight years of age but unexpectedly he had been appointed orderly to captain servadac -Output Transcription: when a private in the eighth cavalry he had been on the point of quitting the army at twenty eight years of age but unexpectedly he had been appointed orderly to captain servia -2021-09-20 08:47:41.096 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.030303 -2021-09-20 08:47:41.105 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: not that i know of not one more that i know of he replied with astonishment at what she had insinuated and yet with a perfect assurance that she was in the wrong -Output Transcription: not that i know of not one more that i know of he replied with astonishment at what she had insinuated and yet with perfect assurance that she was in the wrong -2021-09-20 08:47:41.113 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.030303 -2021-09-20 08:47:41.121 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: delivered in a strong tone of assent announced the gratification the savage would receive in witnessing such an exhibition of weakness in an enemy so long hated and so much feared -Output Transcription: delivered in a strong tone of ascent announced the gratification the savage would receive and witnessing such an exhibition of weakness in an enemy so long hated and so much feared -2021-09-20 08:47:41.128 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.064516 -2021-09-20 08:47:41.129 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: she was young untried nervous it was a vision of serious duties and little company of really great loneliness -Output Transcription: she was young untried nervous it was a vision of serious duties and little company of really great loneliness -2021-09-20 08:47:41.129 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:47:41.129 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: mindful however of her own errors and misfortunes she early sought to impose a tender but strict control over the infant immortality that was committed to her charge -Output Transcription: mindful however of her own errors and misfortunes she early sought to impose a tender but strict control over the infant immortality that was committed to her charge -2021-09-20 08:47:41.130 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:47:41.135 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the night was clear starlit and splendid the tempest had passed away and the sweet influences of the evening had restored life peace and security everywhere -Output Transcription: the night was clear starlet and splendid the tempest had passed away and the sweet influences of the evening had restored life peace and security everywhere -2021-09-20 08:47:41.141 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.038462 -2021-09-20 08:47:41.145 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: but in their selection of a constitution the britannulists have unfortunately allowed themselves but one deliberative assembly and hence have sprung their present difficulties -Output Transcription: but in their selection of a constitution the penulis have unfortunately allowed themselves but one deliberate assembly and hence has sprung their present difficulties -2021-09-20 08:47:41.150 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.125000 -2021-09-20 08:47:41.159 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: that summer the rains had been so many and opportune that it was almost more than shabata and his man could do to keep up with the corn the orchard was a neglected wilderness -Output Transcription: that summer the reins had been so many and opportune that it was almost more than shebaa and his man could do to keep up with the corn the orchard was a neglected wilderness -2021-09-20 08:47:41.168 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.058824 -2021-09-20 08:47:41.174 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: it could not be used for electroplating or deposition nor could it charge storage batteries all of which are easily within the ability of the direct current -Output Transcription: it could not be used for electro plating or deposition nor could i charge to ridge batteries all of which are easily within the ability of the directcurrent -2021-09-20 08:47:41.181 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.259259 -2021-09-20 08:47:41.184 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: love is a babe then might i not say so to give full growth to that which still doth grow -Output Transcription: love is a babe then might i not say so to give full grove to that which still doth grow -2021-09-20 08:47:41.187 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.050000 -2021-09-20 08:47:41.198 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the only duplicate which existed so far as i knew was that which belonged to my servant bannister a man who has looked after my room for ten years and whose honesty is absolutely above suspicion -Output Transcription: the only duplicate which existed so far as i knew it was that which belonged to my servant banister a man who has looked after my room for ten years and whose honesty is absolutely above suspicion -2021-09-20 08:47:41.209 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.055556 -2021-09-20 08:47:41.209 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i believe it sir and that is what i fear therefore the principal object of my visit here is to devote myself entirely to the study of the french language -Output Transcription: i believe it sir and that is what i fear therefore the principal object of my visit here is to devote myself entirely to the study of the french language -2021-09-20 08:47:41.209 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:47:41.215 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: we shut our eyes the flowers bloom on we murmur but the corn ears fill we choose the shadow but the sun that casts it shines behind us still -Output Transcription: we shut our eyes the flowers bloemen we murmur but the corners fill we choose the shadow but the sun that cast it shines behind us still -2021-09-20 08:47:41.222 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.172414 -2021-09-20 08:47:41.222 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: missus grey had met southerners before but not intimately and she always had in mind vividly their cruelty to poor negroes a subject she made a point of introducing forthwith -Output Transcription: missus grey had met southerners before but not intimately and she always had in mind vividly their cruelty to poor negroes a subject she made a point of introducing forthwith -2021-09-20 08:47:41.222 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:47:41.227 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: oh to shoot my soul's full meaning into future years that they should lend it utterance and salute love that endures from life that disappears -Output Transcription: o to shoot my souls full meaning into future years that they should lend it utterance and salute love that endures from life that disappears -2021-09-20 08:47:41.232 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.080000 -2021-09-20 08:47:41.233 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: let me say here distinctly to have done with it that this narrative from an exact transcript of my own made much later is what i shall presently give -Output Transcription: let me say here distinctly to have done with it that this narrative from an exact transcript of my own made much later is what i shall presently give -2021-09-20 08:47:41.233 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:47:41.233 | INFO | deepspeech2x.model:test:372 - Error rate [wer] (2096/?) = 0.072270 -2021-09-20 08:47:43.243 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: if i go to meeting at all i like best to sit in the quiet old house in germantown where the windows are all open and i can see the trees and hear the stir of the leaves -Output Transcription: if i go to meeting at all i like best to sit in the quiet old house in germantown where the windows are all open and i can see the trees and hear the stir of leaves -2021-09-20 08:47:43.255 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.026316 -2021-09-20 08:47:43.262 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: in a few moments he heard the cherries dropping smartly into the pail and he began to swing his scythe with that long even stroke that few american boys ever learn -Output Transcription: in a few moments he heard the cherries dropping smartly into the pale and he began to swing his sight with that long even strokes that few american boys ever learn -2021-09-20 08:47:43.270 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.096774 -2021-09-20 08:47:43.270 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: sire he said your majesty's most devoted servant approaches to perform a service on this occasion with similar zeal that he has already shown on the field of battle -Output Transcription: sire he said your majesty's most devoted servant approaches to perform a service on this occasion with similar zeal that he has already shown on the field of battle -2021-09-20 08:47:43.271 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:47:43.271 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: he was a splendid figure of a boy tall and straight as a young pine tree with a handsome head and stormy gray eyes deeply set under a serious brow -Output Transcription: he was a splendid figure of a boy tall and straight as a young pine tree with a handsome head and stormy gray eyes deeply set under a serious brow -2021-09-20 08:47:43.272 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:47:43.278 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the street conductors were of the overhead pole line construction and were installed by the construction company that had been organized by edison to build and equip central stations -Output Transcription: the street conductors were of the overhead pull line construction and ward installed by the construction company that had been organized by edison to build an equipped central stations -2021-09-20 08:47:43.285 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.137931 -2021-09-20 08:47:43.291 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the late astounding events however had rendered procope manifestly uneasy and not the less so from his consciousness that the count secretly partook of his own anxiety -Output Transcription: the light astounding events however had rendered procomp manifestly uneasy and not the less so from his consciousness that the count secretly partook of his own anxiety -2021-09-20 08:47:43.297 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.074074 -2021-09-20 08:47:43.297 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the people contested these measures one by one in the courts presenting in case after case the different phases of the subject and urging the unconstitutionality of the measure -Output Transcription: the people contested these measures one by one in the courts presenting in case after case the different phases of the subject and urging the unconstitutionality of the measure -2021-09-20 08:47:43.297 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:47:43.302 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the incident was not violent nor even dramatic no posse was summoned no further effort made and reeder fearing personal violence soon fled in disguise -Output Transcription: the incident was not violent nor even dramatic no posse was summoned no further effort made and reader fearing personal violence soon fled in disguise -2021-09-20 08:47:43.307 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.040000 -2021-09-20 08:47:43.315 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: she meanwhile passed her life with her parents in the strictest retirement never letting herself be seen but shunning every eye lest it should read her misfortune in her face -Output Transcription: she meanwhile past her life with her parents in the strictest to retirement never letting herself be seen but shunning every eye lest it should read her misfortune in her face -2021-09-20 08:47:43.322 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.066667 -2021-09-20 08:47:43.329 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: it is only a pencil outline by edward burne jones in illustration of the story of psyche it is the introduction of psyche after all her troubles into heaven -Output Transcription: it is only a pencil outline by edward burnejones in illustration of the story of psyche it is the introduction of psyche after all her troubles into heaven -2021-09-20 08:47:43.335 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.068966 -2021-09-20 08:47:43.346 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: this person was rodolfo who though he had gone to look for his friends had changed his mind in that respect not thinking it advisable to acquaint them with what had passed between him and the girl -Output Transcription: this person was rudolf ul although he had gone to look for his friends had changed his mind in that respect not thinking it advisable to acquaint them with what had passed between him and the girl -2021-09-20 08:47:43.357 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.081081 -2021-09-20 08:47:43.357 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: half an hour later turning a deaf ear to all remonstrance he gave the proprietors until five o'clock to remove their families and personal property from the free state hotel -Output Transcription: half an hour later turning a deaf ear to all remonstrance he gave the proprietors until five o'clock to remove their families and personal property from the free state hotel -2021-09-20 08:47:43.358 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:47:43.358 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the custom of festive gatherings probably originated in motives of conviviality and religion these motives are also present in the later development but they do not continue to be the sole motives -Output Transcription: the custom of festive gatherings probably originated in motives of conviviality and religion these motives are also present in the later development but they do not continue to be the sole motives -2021-09-20 08:47:43.359 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:47:43.366 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: in a few days an officer came with a requisition from governor shannon and took the prisoner by land to westport and afterwards from there to kansas city and leavenworth -Output Transcription: in a few days an officer came with a requisition from governor shannon and took the prisoner by land of westport and afterwards from there to kansas city and leavenworth -2021-09-20 08:47:43.373 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.033333 -2021-09-20 08:47:43.383 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: if however they take your scalp as i trust and believe they will not depend on it uncas and i will not forget the deed but revenge it as becomes true warriors and trusty friends -Output Transcription: if however they take your scalp as i trust and believe they will not depend on it uncas and i will not forget the deed but revenge is becomes true warriors and trusty friends -2021-09-20 08:47:43.392 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.057143 -2021-09-20 08:47:43.403 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i think he was perhaps more appreciative than i was of the discipline of the edison construction department and thought it would be well for us to wait until the morning of the fourth before we started up -Output Transcription: i think he was perhaps more appreciative that i was of the discipline of the edison construction department and thought it would be well for us to wait until the morning of the fourth before we started up -2021-09-20 08:47:43.415 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.026316 -2021-09-20 08:47:43.416 | INFO | deepspeech2x.model:test:372 - Error rate [wer] (2112/?) = 0.071820 -2021-09-20 08:47:45.446 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: she taught her daughter then by her own affection for it that love for a country where they had both been hospitably received and where a brilliant future opened before them -Output Transcription: she taught her daughter then by her own affection for it that love for a country where they had both been hospitably received and where a brilliant future open for them -2021-09-20 08:47:45.454 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.064516 -2021-09-20 08:47:45.464 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: at the head of the pinkies were ghip ghisizzle and button bright who had the parrot on his shoulder and they were supported by captain coralie and captain tintint and rosalie the witch -Output Transcription: at the head of the pinkies were got casio and but and brit who had a parrot on his shoulder and they were supported by captain coralie and captain ten tent and rosalie the witch -2021-09-20 08:47:45.473 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.242424 -2021-09-20 08:47:45.480 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: so there came a step and a little rustling of feminine draperies the small door opened and rachel entered with her hand extended and a pale smile of welcome -Output Transcription: so there came a step and the little rustling of feminine draperies the small door opened and rachel entered with her hand extended and a pale smile of welcome -2021-09-20 08:47:45.487 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.034483 -2021-09-20 08:47:45.492 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: to such persons these indirect modes of training children in habits of subordination to their will or rather of yielding to their influence are specially useful -Output Transcription: to such persons these indirect mode of training children inhabit of subordination to their will or rather of yielding to their influence are especially useful -2021-09-20 08:47:45.497 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.153846 -2021-09-20 08:47:45.505 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: a gramophone by the help of suitable records might relate to us the incidents of its past and people are not so different from gramophones as they like to believe -Output Transcription: a gramaphone by the help of suitable records might relate to us the incidents of its past and people are not so different from grantees as they like to believe -2021-09-20 08:47:45.512 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.066667 -2021-09-20 08:47:45.518 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: his specifications for an open sea submarine and a self contained diving suit were decades before their time yet modern technology bears them out triumphantly -Output Transcription: his specifications for an open sea submarine at a self containing diving suit or decades before their time yet modern technology where is the mount triumphantly -2021-09-20 08:47:45.523 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.280000 -2021-09-20 08:47:45.528 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: edison was intolerant of sham and shoddy and nothing would satisfy him that could not stand cross examination by microscope test tube and galvanometer -Output Transcription: edison was intolerant of sham and shoddy and nothing would satisfy him that could not stand cross examination by microscope test tubes and galvanometer -2021-09-20 08:47:45.533 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.041667 -2021-09-20 08:47:45.533 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: little pearl who was as greatly pleased with the gleaming armour as she had been with the glittering frontispiece of the house spent some time looking into the polished mirror of the breastplate -Output Transcription: little pearl who was as greatly pleased with the gleaming armour as she had been with the glittering frontispiece of the house spent some time looking into the polished mirror of the breastplate -2021-09-20 08:47:45.533 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:47:45.542 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: to celebrate the arrival of her son silvia gave a splendid supper to which she had invited all her relatives and it was a good opportunity for me to make their acquaintance -Output Transcription: to celebrate the arrival of her son sylvia gave a splendid supper to which he had invited all her relatives and it was a good opportunity for me to make their acquaintance -2021-09-20 08:47:45.550 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.062500 -2021-09-20 08:47:45.551 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: how comes it that while the first beatitude promises the kingdom of heaven to the poor of heart the second beatitude promises also to the meek that they shall possess the land -Output Transcription: how comes it that while the first beatitude promises the kingdom of heaven to the poor of heart the second beatitude promises also to the meek that they shall possess the land -2021-09-20 08:47:45.551 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:47:45.556 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the wind never lulls but to acquire increased strength the vast bank of heavy clouds is a huge reservoir of fearful windy gusts and rushing storms -Output Transcription: the wind never lols but to acquire increased strength the vast bank of heavy clouds is a huge reservoir a fearful windy gusts and rushing storms -2021-09-20 08:47:45.562 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.076923 -2021-09-20 08:47:45.563 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: but poor rachel lake had more than that stoical hypocrisy which enables the tortured spirits of her sex to lift a pale face through the flames and smile -Output Transcription: but poor rachel lake had more than that stoical hypocrisy which enables the tortured spirits of her sex to lift a pale face through the flames and smile -2021-09-20 08:47:45.563 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:47:45.569 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the seasons allies of spring followed him closely to form a quadrille which after many words of more or less flattering import was the commencement of the dance -Output Transcription: the seasons allies spring followed him closely to form a quadrille which after many words of more or less flattering import was the commencement of the ans -2021-09-20 08:47:45.575 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.071429 -2021-09-20 08:47:45.580 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: now here is raphael exactly between the two trees still drawn leaf by leaf wholly formal but beautiful mist coming gradually into the distance -Output Transcription: now here is raphael exactly between the two trees still drawn leaf by leaf holly formal but beautiful mist coming gradually into the distance -2021-09-20 08:47:45.585 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.041667 -2021-09-20 08:47:45.600 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i wish you good night she laid her bony hands on the back of mister meadowcroft's invalid chair cut him short in his farewell salutation to me and wheeled him out to his bed as if she were wheeling him out to his grave -Output Transcription: i wish you good night she laid her bony hands on the back of mister me across invalid chair cut him short his farewell salutation to me and wheeled him out to his bed as if she were wheeling him out to his grave -2021-09-20 08:47:45.616 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.068182 -2021-09-20 08:47:45.628 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: many of these affiliated gentlemen of leisure are at the same time lesser men of substance in their own right so that some of them are scarcely at all others only partially to be rated as vicarious consumers -Output Transcription: many of these affiliate a gentleman of leisure at the same time lessen of substance in their own right so that some of them are scarcely at all others only partially to be rated as vicarious consumers -2021-09-20 08:47:45.639 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.157895 -2021-09-20 08:47:45.640 | INFO | deepspeech2x.model:test:372 - Error rate [wer] (2128/?) = 0.072019 -2021-09-20 08:47:49.173 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: let us run then said all three and gracefully lifting up the long skirts of their silk dresses they lightly ran across the open space between the lake and the thickest covert of the park -Output Transcription: let us run then said all three and gracefully lifting up the long skirts of their silk dresses they lightly ran across the open space between the lake and the thickest covered at the park -2021-09-20 08:47:49.183 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.057143 -2021-09-20 08:47:49.184 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: they constitute two different orders of facts which correspond to each other which are always interlaced and which often bring forth results -Output Transcription: they constitute two different orders of facts which correspond to each other which are always interlaced and which often bring forth results -2021-09-20 08:47:49.184 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:47:49.199 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: keep silent as long as may be and it would be wise when you do speak to break out suddenly in one of your shoutings which will serve to remind the indians that you are not altogether as responsible as men should be -Output Transcription: keep silent as long as may be and it would be wise when you do speak to break out suddenly in one of your shouting which will serve to remind the indians that you are not altogether as responsible as men should be -2021-09-20 08:47:49.213 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.023256 -2021-09-20 08:47:49.220 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: then the republic of britannula was to be declared as non existent and the british flag was to be exalted and a british governor installed in the executive chambers -Output Transcription: then the republic of benin was to be declared as non existent and the reddish flag was to be exalted and a british governor and stalled in the executive chambers -2021-09-20 08:47:49.227 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.137931 -2021-09-20 08:47:49.234 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: when it is a question of probing a wound a gulf a society since when has it been considered wrong to go too far to go to the bottom -Output Transcription: when it is a question of proving a wound a golf a society since one has it been considered wrong to go too far to go to the bottom -2021-09-20 08:47:49.241 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.103448 -2021-09-20 08:47:49.247 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i sit beneath thy looks as children do in the noon sun with souls that tremble through their happy eyelids from an unaverred yet prodigal inward joy -Output Transcription: i sit beneath thy looks as children do in the noon sun with souls that tremble through their happy eyelids from an unaired yet prodigal inward joy -2021-09-20 08:47:49.253 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.037037 -2021-09-20 08:47:49.257 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: it engenders a whole world la pegre for which read theft and a hell la pegrenne for which read hunger -Output Transcription: it engenders a whole world la peg for which red theft and they held law piggin for which red hunger -2021-09-20 08:47:49.260 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.350000 -2021-09-20 08:47:49.260 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: he made a bow so deep that his back came near breaking and he was dumbfounded i can tell you when he saw it was nobody but anders -Output Transcription: he made a bow so deep that his back came near breaking and he was dumbfounded i can tell you when he saw it was nobody but anders -2021-09-20 08:47:49.261 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:47:49.266 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the mother in managing the case in this way relies partly on convincing the reason of the child and partly on an appeal to her affection -Output Transcription: the mother and managing the case in this way realized partly unconvincing the reason of the child and partly on an appeal to her affection -2021-09-20 08:47:49.271 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.153846 -2021-09-20 08:47:49.271 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: little by little however the latter became hemmed and bound in the meshes of the various devices and proceedings which the territorial officials evolved from the bogus laws -Output Transcription: little by little however the latter became hemmed and bound in the meshes of the various devices and proceedings which the territorial officials evolved from the bogus laws -2021-09-20 08:47:49.272 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:47:49.279 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the piled up vapours condense into water and the air put into violent action to supply the vacuum left by the condensation of the mists rouses itself into a whirlwind -Output Transcription: piled up vapours content in the water and the air put into violent action to supply the vacuum left by the condensation of the mist rouses itself into a whirlwind -2021-09-20 08:47:49.286 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.166667 -2021-09-20 08:47:49.297 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: sometimes he would wander on foot upon the sandy shore and sometimes he would enjoy a ride along the summit of the cliff altogether being in no hurry at all to bring his task to an end -Output Transcription: sometimes who would wander on foot upon the sandy shore and sometimes he would enjoy a ride along the summit of the cliff altogether being in no hurry at all to bring his task to an end -2021-09-20 08:47:49.308 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.027027 -2021-09-20 08:47:49.313 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: from the norwegian graveyard one looks out over a vast checker board marked off in squares of wheat and corn light and dark dark and light -Output Transcription: from the norwegian graveyard one looks out over a vast checkerboard marked off in squares of wheat and corn light and dark dark and light -2021-09-20 08:47:49.319 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.076923 -2021-09-20 08:47:49.327 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: well that may be true agreed margolotte but on the contrary a servant with too much brains is sure to become independent and high and mighty and feel above her work -Output Transcription: well that may be true agreed margo love but on the contrary a servant with too much brains is sure to become independent in high and mighty and feel above her work -2021-09-20 08:47:49.335 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.096774 -2021-09-20 08:47:49.342 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: don't know well of all things inwardly commented miss taylor literally born in cotton and oh well as much as to ask what's the use she turned again to go -Output Transcription: don't know well of all things inwardly commented miss taylor letter rayborn and gorton and oh well as much as to ask what's the use she turned again to go -2021-09-20 08:47:49.349 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.133333 -2021-09-20 08:47:49.350 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: they were now illuminated by the morning radiance of a young child's disposition but later in the day of earthly existence might be prolific of the storm and whirlwind -Output Transcription: they were now illuminated by the morning radiance of a young child's disposition but later in the day of earthly existence might be prolific of the storm and whirlwind -2021-09-20 08:47:49.350 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:47:49.350 | INFO | deepspeech2x.model:test:372 - Error rate [wer] (2144/?) = 0.072117 -2021-09-20 08:47:52.599 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: under the simple test of effectiveness for advertising we should expect to find leisure and the conspicuous consumption of goods dividing the field of pecuniary emulation pretty evenly between them at the outset -Output Transcription: under the simple test of effectiveness for advertising we should expect to find leisure and the conspicuous consumption of goods dividing the field of pecuniary emulation pretty evenly between them at the outset -2021-09-20 08:47:52.600 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:47:52.609 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: olive had painted the motto on a long narrow panel of canvas and giving it to mister popham stood by the fireside while he deftly fitted it into the place prepared for it -Output Transcription: all have had painted the motto on a long narrow panel of canvas and giving it to mister papa stood by the fireside while he deftly fitted it into the place prepared for it -2021-09-20 08:47:52.618 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.090909 -2021-09-20 08:47:52.624 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: soon thousands of converts had rented or purchased homes in missouri independence jackson county being their center but from the first they were unpopular among the missourians -Output Transcription: soon thousands of coders had rented or purchased homes in missouri independence jackson county being their center but from the first they were unpopular among the missourians -2021-09-20 08:47:52.631 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.037037 -2021-09-20 08:47:52.640 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: margolotte had first made the girl's form from the patchwork quilt and then she had dressed it with a patchwork skirt and an apron with pockets in it using the same gay material throughout -Output Transcription: large lot had first made the girls form from the patchwork quilt and then she had dressed it with the patchwork skirt and an apron with pockets in it using the same gay material throughout -2021-09-20 08:47:52.650 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.117647 -2021-09-20 08:47:52.658 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: o very well said gringo turning away with a shade of contempt you'll find if you are going into literature and newspaper work that you can't afford a conscience like that -Output Transcription: oh very well said gringo turning away with a shade of contempt you'll find if you are going into literature and news people work that you can't afford a conscience like that -2021-09-20 08:47:52.666 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.096774 -2021-09-20 08:47:52.677 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: know then son of my heart that this fainting lady is your real bride i say real because she is the one whom your father and i have chosen for you and the portrait was a pretence -Output Transcription: know then son of my heart that this fainting lady is your real bride i say real because she is the one whom your father and i have chosen for you and a portrait was a pretence -2021-09-20 08:47:52.688 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.027027 -2021-09-20 08:47:52.694 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: listen then socrates to a tale of solon's who being the friend of dropidas my great grandfather told it to my grandfather critias and he told me -Output Transcription: listen then socrates to a tale of soles who being the friend of dropins my great grandfather told it to my grandfather piteous and he told me -2021-09-20 08:47:52.700 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.111111 -2021-09-20 08:47:52.700 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: a narrow channel formed a passage through the ridge of rocks that protected it from the open sea and which even in the roughest weather would ensure the calmness of its waters -Output Transcription: a narrow channel formed a passage through the ridge of rocks that protected it from the open sea and which even in the roughest weather would ensure the calmness of its waters -2021-09-20 08:47:52.700 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:47:52.701 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: to suppose that the object of this work is to aid in effecting such a substitution as that is entirely to mistake its nature and design -Output Transcription: to suppose that the object of this work is to aid in effecting such a substitution as that is entirely to mistake its nature and design -2021-09-20 08:47:52.701 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:47:52.710 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: chelford had a note from mister wylder this morning another note his coming delayed and something of his having to see some person who is abroad continued dorcas after a little pause -Output Transcription: chelford had a note from mister wylder this morning another note his coming delayed and something of his having to see some person who was abroad continued dorcas after a little pause -2021-09-20 08:47:52.718 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.031250 -2021-09-20 08:47:52.723 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: his reception speech at westport in which he maintained the legality of the legislature and his determination to enforce their laws delighted his pro slavery auditors -Output Transcription: his reception speech at westport in which he maintained the legality of the legislature and his determination to enforce their laws delighted his proslavery auditors -2021-09-20 08:47:52.729 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.076923 -2021-09-20 08:47:52.736 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: and meantime i know the greatness of jehovah i acknowledge the perfection of his word i adore the purity of the christian faith my theory is right my practice horribly wrong -Output Transcription: and meantime i know the greatness of jehovah acknowledged the perfection of his word i adore the purity of the christian faith my theory is right my practice horribly wrong -2021-09-20 08:47:52.744 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.064516 -2021-09-20 08:47:52.756 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: his mother had left her to him as being her destined protector but when she saw that he too was insensible she was near making a third and would have done so had he not come to himself -Output Transcription: his mother had left her to him as being her destin protector but when she saw that he too was insensible she was near making a third and would have done so had it not come to himself -2021-09-20 08:47:52.767 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.052632 -2021-09-20 08:47:52.768 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: well but now said the princess and she filled his pockets with cakes and put her own heavy gold chain around his neck and bent down and kissed him -Output Transcription: well but now said the princess and she filled his pockets with cakes and put her own heavy gold chain around his neck and bent down and kissed him -2021-09-20 08:47:52.768 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:47:52.776 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: in all early gothic art indeed you will find failure of this kind especially distortion and rigidity which are in many respects painfully to be compared with the splendid repose of classic art -Output Transcription: in all regata garde indeed you will find failure of this kind especially distortion and rigidity which are in many respects painfully to be compared with the splendid repose of classic art -2021-09-20 08:47:52.785 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.090909 -2021-09-20 08:47:52.785 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i can set to work now to remember things i never remembered before such as what i had to eat for breakfast this morning and it can hardly be wholly habit that enables me to do this -Output Transcription: i can set to work now to remember things i never remembered before such as what i had to eat for breakfast this morning and it can hardly be wholly habit that enables me to do this -2021-09-20 08:47:52.786 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:47:52.786 | INFO | deepspeech2x.model:test:372 - Error rate [wer] (2160/?) = 0.071765 -2021-09-20 08:47:55.184 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: he set off abruptly for the bull walking rapidly lest his father's shrill whistle might call him back and in a few moments he had rounded the curve at the police barrack and was safe -Output Transcription: he set off abruptly for the bull walking rapidly lest his father's shrill whistle might call him back and in a few moments he had rounded the curve at the police barrack and was safe -2021-09-20 08:47:55.185 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:47:55.186 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the governor on his part becoming doubtful of the legality of employing missouri militia to enforce kansas laws was also eager to secure the help of federal troops -Output Transcription: the governor on his part becoming doubtful of the legality of employing missouri militia to enforce kansas laws was also eager to secure the help of federal troops -2021-09-20 08:47:55.186 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:47:55.197 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: when this had been accomplished the boolooroo leaned over to try to discover why the frame rolled away seemingly of its own accord and he was the more puzzled because it had never done such a thing before -Output Transcription: when this have been accomplished the booooo leaned over to try to discover why the frame rolled away seemingly of its own accord and he was the more puzzled because i had never done such a thing before -2021-09-20 08:47:55.209 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.078947 -2021-09-20 08:47:55.209 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: her eyes seemed to regard him with mild pity her holiness a strange light glowing faintly upon her frail flesh did not humiliate the sinner who approached her -Output Transcription: her eyes seemed to regard him with mild pity her holiness a strange light glowing faintly upon her frail flesh did not humiliate the sinner who approached her -2021-09-20 08:47:55.210 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:47:55.217 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: upon the large square in front of the hotel the shadows of the tents intersected by the golden moonbeams formed as it were a huge mosaic of jet and yellow flagstones -Output Transcription: upon the large square in front of the hotel the shadows of the tents intersected by the golden moon beams formed as it were a huge mosaic of jet and yellow flagstones -2021-09-20 08:47:55.225 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.064516 -2021-09-20 08:47:55.232 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: slightly changing her course she first struck her mainsail and in order to facilitate the movements of her helmsman soon carried nothing but her two topsails brigantine and jib -Output Transcription: slightly changing her course she first struck remain sail and in order to facilitate the movements of her helmsman soon carried nothing but her two top sails brigantine and jib -2021-09-20 08:47:55.239 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.137931 -2021-09-20 08:47:55.240 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: if the wine change into vinegar and the host crumble into corruption after they have been consecrated is jesus christ still present under their species as god and as man -Output Transcription: if the wine change into vinegar and the host crumble into corruption after they have been consecrated is jesus christ still present under their species as god and as man -2021-09-20 08:47:55.240 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:47:55.240 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the standard edison meter practice was to remove the cells once a month to the meter room of the central station company for examination another set being substituted -Output Transcription: the standard edison meter practice was to remove the cells once a month to the meter room of the central station company for examination another set being substituted -2021-09-20 08:47:55.240 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:47:55.241 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: it is by no means always reliable almost everybody has at some time experienced the well known illusion that all that is happening now happened before at some time -Output Transcription: it is by no means always reliable almost everybody has at some time experienced the well known illusion that all that is happening now happened before at some time -2021-09-20 08:47:55.241 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:47:55.249 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the europe they had come from lay out there beyond the irish sea europe of strange tongues and valleyed and woodbegirt and citadelled and of entrenched and marshalled races -Output Transcription: the europe they had come from lay out there beyond the irish sea europe of strange tongues and valley and would be girton citadel and of entrenched and marshaled races -2021-09-20 08:47:55.256 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.206897 -2021-09-20 08:47:55.267 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: kenneth and beth refrained from telling the other girls or uncle john of old will rogers's visit but they got mister watson in the library and questioned him closely about the penalty for forging a check -Output Transcription: kenneth and beth refrained from telling the other girls or uncle john of old will rogers visit but they got mister watson in the library and questioned him closely about the penalty for forging a check -2021-09-20 08:47:55.277 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.027778 -2021-09-20 08:47:55.277 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: in this incident contrasting the creative and the destructive spirit of the factions the emigrant aid society of massachusetts finds its most honorable and triumphant vindication -Output Transcription: in this incident contrasting the creative and the destructive spirit of the factions the emigrant aid society of massachusetts finds its most honorable and triumphant vindication -2021-09-20 08:47:55.278 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:47:55.283 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: but this last supposition is almost always unnecessary for if mary has been habitually managed on this principle she will not make any trouble -Output Transcription: but this last supposition is almost always are necessary for if mary has been habitually managed on this principle she will not make any trouble -2021-09-20 08:47:55.287 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.083333 -2021-09-20 08:47:55.303 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the wizard of oz who used to be a humbug and knew no magic at all has been taking lessons of glinda and i'm told he is getting to be a pretty good wizard but he is merely the assistant of the great sorceress -Output Transcription: the wizard of oz who used to be a humbug anew no magic at all has been taking lessons of glinda and i'm told he is getting to be a pretty good wizard but he is nearly the assistant of the great sorceress -2021-09-20 08:47:55.318 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.068182 -2021-09-20 08:47:55.322 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: from these again sprang barricaded and fortified dwellings camps and scouting parties finally culminating in roving guerrilla bands half partisan half predatory -Output Transcription: from these again sprang barricaded and fortified dwellings camps and scout parties finally culminating and roving gorilla bans half parties and half predatory -2021-09-20 08:47:55.326 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.272727 -2021-09-20 08:47:55.335 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: olive has another lovely gift for the yellow house said mother carey rising and to carry out the next part of the programme we shall have to go in procession upstairs to my bedroom -Output Transcription: olive has another lovely gift for the yellow house said mother carrie rising and to carry out the next part of the programme we shall have to go in procession upstairs to my bedroom -2021-09-20 08:47:55.345 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.029412 -2021-09-20 08:47:55.345 | INFO | deepspeech2x.model:test:372 - Error rate [wer] (2176/?) = 0.071547 -2021-09-20 08:47:57.724 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the ladies in compliance with that softness of heart which is their characteristic are on one side and the men by whom the world has to be managed are on the other -Output Transcription: the ladies and compliance with that softness of heart which is their characteristic or on one side and the men by whom the world has to be managed or on the other -2021-09-20 08:47:57.733 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.093750 -2021-09-20 08:47:57.733 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: there is of course a difference between knowing the temporal relation of a remembered event to the present and knowing the time order of two remembered events -Output Transcription: there is of course a difference between knowing the temporal relation of a remembered event to the present and knowing the time order of two remembered events -2021-09-20 08:47:57.734 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:47:57.744 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: still her heart had received a shock in the perception of anne's delicacy and all these holidays she watched over her with the longing fond anxiety which is so full of sudden pangs of fear -Output Transcription: still her heart had received a shock in the perception of anne's delicacy and all these holiday she watched over her with the longing fond anxiety which is so full of sudden pangs of fear -2021-09-20 08:47:57.755 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.028571 -2021-09-20 08:47:57.761 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the dialogue is primarily concerned with the animal creation including under this term the heavenly bodies and with man only as one among the animals -Output Transcription: the dialogue is primarily concerned with the animal creation including under this term the heavenly bodies and with men only as one among the animals -2021-09-20 08:47:57.766 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.040000 -2021-09-20 08:47:57.782 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: silas slunk away without a word of protest ambrose stood his ground evidently bent on making his peace with naomi before he left her seeing that i was in the way i walked aside toward a glass door at the lower end of the room -Output Transcription: silas slunk away without a word of protest am rosters ground evidently bent on making his peace when naomi before he left her seeing that i was in the way i walked aside toward a glass door the lower end of the room -2021-09-20 08:47:57.798 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.111111 -2021-09-20 08:47:57.798 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: and so the story of mormonism runs on its finale has not yet been written the current press presents continuously new stages of its progress new developments of its plan -Output Transcription: and so the story of mormonism runs on its finale has not yet been written the current press presents continuously new stages of its progress new developments of its plan -2021-09-20 08:47:57.798 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:47:57.805 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i suppose professor liedenbrock was of my opinion too and even shared my fears for after having examined the pick his eyes traversed the ocean from side to side -Output Transcription: i suppose professor eden brock was of my opinion too and even shared my fears for after having examined the pig his eyes traversed the ocean from side to side -2021-09-20 08:47:57.812 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.103448 -2021-09-20 08:47:57.813 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: to the young american here or elsewhere the paths to fortune are innumerable and all open there is invitation in the air and success in all his wide horizon -Output Transcription: to the young american here or elsewhere the paths to fortune are innumerable and all open there is invitation in the air and success in all his wide horizon -2021-09-20 08:47:57.813 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:47:57.823 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: but anne had begun to suffer just before the holidays and charlotte watched over her younger sisters with the jealous vigilance of some wild creature that changes her very nature if danger threatens her young -Output Transcription: but anne had begun to suffer just before the holidays and charlotte wash over her younger sisters with a jealous vigilance of some wild creature that changes her very nature if danger threatens her young -2021-09-20 08:47:57.833 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.057143 -2021-09-20 08:47:57.862 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: in eighteen sixty two a law was enacted with the purpose of suppressing plural marriage and as had been predicted in the national senate prior to its passage it lay for many years a dead letter -Output Transcription: in eighteen sixty two allah was enacted with a purpose of suppressing or marriage and as had been predicted in the national senate prayer to its passage it lay for many years a dead letter -2021-09-20 08:47:57.893 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.138889 -2021-09-20 08:47:57.914 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: every chance she could steal after practice hours were over and after the clamorous demands of the boys upon her time were fully satisfied was seized to fly on the wings of the wind to the flowers -Output Transcription: every chance she could steal after practice hours were over and after the clamorous a mans of the boys upon her time were fully satisfied was seized the fly on the wings of the wind to the flowers -2021-09-20 08:47:57.938 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.081081 -2021-09-20 08:47:57.956 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: lifting the iron hammer that hung at the portal hester prynne gave a summons which was answered by one of the governor's bond servant a free born englishman but now a seven years slave -Output Transcription: lifting the iron hammer that hung at the portal hester prynne gave a summons which was answered by one of the governor's bond servants a freeborn englishman but now a seven years slave -2021-09-20 08:47:57.965 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.088235 -2021-09-20 08:47:57.986 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: there was something of sweetness and fondness in her tones and manner which was new to rachel and comforting and she returned the greeting as kindly and felt more like her former self -Output Transcription: there was something of sweetness and fondness in her tone and manner which was new the rachel and comforting and she returned the greeting as kindly and felt more like her for herself -2021-09-20 08:47:58.004 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.121212 -2021-09-20 08:47:58.034 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: it takes me several years to make this magic powder but at this moment i am pleased to say it is nearly done you see i am making it for my good wife margolotte who wants to use some of it for a purpose of her own -Output Transcription: it takes me several years to make this magic powder but at this moment i am pleased to say it is nearly done you see i am making it for my good wife margo lot who wants to use some of it for a purpose of her own -2021-09-20 08:47:58.078 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.042553 -2021-09-20 08:47:58.099 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: do you know alexander mainhall looked with perplexity up into the top of the hansom and rubbed his pink cheek with his gloved finger do you know i sometimes think of taking to criticism seriously myself -Output Transcription: do you know alexander main hall looked with perplexity up into the top of a handsome and rubbed his pink cheek with his gloved finger do you know i sometimes think of taking to criticism seriously myself -2021-09-20 08:47:58.120 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.111111 -2021-09-20 08:47:58.126 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the lieutenant governor lilburn w boggs afterward governor was a pronounced mormon hater and throughout the period of the troubles he manifested sympathy with the persecutors -Output Transcription: the lieutenant governor little ben w bags afterward governor was a pronounced mormon hater and throughout the period of the troubles he manifests sympathy with the persecutors -2021-09-20 08:47:58.142 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.153846 -2021-09-20 08:47:58.143 | INFO | deepspeech2x.model:test:372 - Error rate [wer] (2192/?) = 0.071596 -2021-09-20 08:48:02.184 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i awoke to consciousness fighting at first it seemed as if i was fighting with a phantom but gradually my opponent became more real to me it was kaffar -Output Transcription: i awoke to consciousness fighting at first it seemed as if i was fighting with the phantom but gradually my opponent became more real to me it was car -2021-09-20 08:48:02.191 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.068966 -2021-09-20 08:48:02.200 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: alice took up the fan and gloves and as the hall was very hot she kept fanning herself all the time she went on talking dear dear how queer everything is to day -Output Transcription: alice took up the fan and gloves and as the hall was very hot she kept fanning herself all the time she went on talking dear dear how queer everything is today -2021-09-20 08:48:02.208 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.060606 -2021-09-20 08:48:02.215 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: what a box women are put into measured for it and put in young if we go anywhere it's in a box veiled and pinioned and shut in by disabilities -Output Transcription: what a box women are put into measured for it and put in young if we go anywhere it's in a box failed and pinioned and shut in by disabilities -2021-09-20 08:48:02.222 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.033333 -2021-09-20 08:48:02.232 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: delia came to the parlor and with an air of great mystery beckoned the children aside and said to them in a whisper leave andella and rosalie here and don't say a word to them -Output Transcription: delia came to the parlour and with an air of great mystery beckoned the children aside and said to them in a whisper leave and dela and rosalie here and don't say a word to them -2021-09-20 08:48:02.242 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.085714 -2021-09-20 08:48:02.257 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: so they were quite willing to obey the orders of their girl queen and in a short time the blasts of trumpets and roll of drums and clashing of cymbals told trot and cap'n bill that the blue bands had assembled before the palace -Output Transcription: so they were quite willing to obey the orders of their girl queen and in a short time the blast of trumpets and roll of drums and clashing of cymbals told trot and cap'n bill that the blue bands had assembled before the palace -2021-09-20 08:48:02.272 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.022727 -2021-09-20 08:48:02.273 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: what you had best do my child is to keep it and pray to it that since it was a witness to your undoing it will deign to vindicate your cause by its righteous judgment -Output Transcription: what you had best do my child is to keep it and pray to it that since it was a witness to your undoing it will deign to vindicate your cause by its righteous judgment -2021-09-20 08:48:02.273 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:48:02.275 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the sugar manufacturer who says loaf clarified lumps bastard common burnt this honest manufacturer talks slang -Output Transcription: the sugar manufacturer who says loaf clarified lumps bastard common burnt this honest manufacturer talk sling -2021-09-20 08:48:02.277 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.125000 -2021-09-20 08:48:02.289 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: but already at a point in economic evolution far antedating the emergence of the lady specialised consumption of goods as an evidence of pecuniary strength had begun to work out in a more or less elaborate system -Output Transcription: but already at a point and economic evolution far and stating the emergence of the lady specialized consumption of the goods as an evidence of pecuniary strength had begun to work out in a more or less elaborate system -2021-09-20 08:48:02.300 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.135135 -2021-09-20 08:48:02.307 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: he could write in one style but not in another and the greek language had not as yet been fashioned by any poet or philosopher to describe physical phenomena -Output Transcription: he could write in one style but not in another that the greek language had not as yet been fashioned by any poet or philosopher to describe physical phenomena -2021-09-20 08:48:02.314 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.034483 -2021-09-20 08:48:02.315 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the princess certainly was beautiful and he would have dearly liked to be kissed by her but the cap which his mother had made he would not give up on any condition -Output Transcription: the princess certainly was beautiful and he would have dearly liked to be kissed by her but the cap which his mother had made he would not give up on any condition -2021-09-20 08:48:02.315 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:48:02.324 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: ruth asked the enthusiasts if they would like to live in such a sounding mausoleum with its great halls and echoing rooms and no comfortable place in it for the accommodation of any body -Output Transcription: ruth asked the enthusiasts if they would like to live in such a sounding mausoleum with its great halls and echoing rooms and no comfortable place in it for the accommodation of anybody -2021-09-20 08:48:02.333 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.058824 -2021-09-20 08:48:02.342 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the first well established seat of the church was in the pretty little town of kirtland ohio almost within sight of lake erie and here soon rose the first temple of modern times -Output Transcription: the first well established seat of the church was in the pretty little town of kirtland ohio almost within sight of lake erie in here soon rose the first temple of modern times -2021-09-20 08:48:02.350 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.030303 -2021-09-20 08:48:02.350 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: without saying it positively she made me understand that being herself an illustrious member of the republic of letters she was well aware that she was speaking to an insect -Output Transcription: without saying it positively she made me understand that being herself an illustrious member of the republic of letters she was well aware that she was speaking to an insect -2021-09-20 08:48:02.351 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:48:02.362 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: unfortunately the fracture could not be set till six o'clock the next morning as no surgeon was to be had before that time and she now lies at our house in a very doubtful and dangerous state -Output Transcription: unfortunately the fracture can not be set till six o'clock the next morning as no surgeon was to be had before that time and she now lies at our house in a very doubtful and dangerous state -2021-09-20 08:48:02.373 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.027027 -2021-09-20 08:48:02.383 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i have great things to tell you senor said dona estafania to her husband the cream and substance of which is this the fainting girl before you is your daughter and that boy is your grandson -Output Transcription: i have great things to tell you senor said donna stefania to her husband the cream and substance of which is this the fainting girl before you is your daughter and the boy is your grandson -2021-09-20 08:48:02.394 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.083333 -2021-09-20 08:48:02.403 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: for at the peril of her own existence and when the other hellenes had deserted her she repelled the invader and of her own accord gave liberty to all the nations within the pillars -Output Transcription: for at the peril of her own existence and when the other hellenes had deserted her she repelled in vader and after own accord gave liberty to all the nations within the pillars -2021-09-20 08:48:02.412 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.117647 -2021-09-20 08:48:02.413 | INFO | deepspeech2x.model:test:372 - Error rate [wer] (2208/?) = 0.071318 -2021-09-20 08:48:04.701 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i don't always succeed for sometimes when i'm teaching or sewing i would rather be reading or writing but i try to deny myself and my father's approbation amply rewarded me for the privation -Output Transcription: i don't always succeed for sometimes when i'm teaching or sewing i would rather be reading a writing but i tried to deny myself and my father's approbation amply rewarded me for the privation -2021-09-20 08:48:04.711 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.058824 -2021-09-20 08:48:04.712 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the ingenious hawkeye who recalled the hasty manner in which the other had abandoned his post at the bedside of the sick woman was not without his suspicions concerning the subject of so much solemn deliberation -Output Transcription: the ingenious hawkeye who recalled the hasty manner in which the other had abandoned his post at the bedside of the sick woman was not without his suspicions concerning the subject of so much solemn deliberation -2021-09-20 08:48:04.712 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:48:04.729 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: one night when he and winifred were sitting together on the bridge he told her that things had happened while he was studying abroad that he was sorry for one thing in particular and he asked her whether she thought she ought to know about them -Output Transcription: one night when he and winfrey was sitting together on the bridge he told her the things had happened will he was studying abroad that he was sorry for one thing in particular and he asked her whether she thought she ought to know about them -2021-09-20 08:48:04.745 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.086957 -2021-09-20 08:48:04.753 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: his legs the best shaped at court were displayed to great advantage in flesh colored silken hose of silk so fine and so transparent that it seemed almost like flesh itself -Output Transcription: his legs the best shaped at court were displayed to great advantage and flesh colored silken hose a silk so fine and so transparent that it seemed almost like flesh itself -2021-09-20 08:48:04.761 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.064516 -2021-09-20 08:48:04.768 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i am a woman and there are few like me whoever loves me flatters me whoever flatters me pleases me and whoever pleases well said montalais you do not finish -Output Transcription: i am a woman and there are few like me whoever loves me flatters me whoever flatters me pleases me and whoever pleases well said montis you do not finish -2021-09-20 08:48:04.775 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.033333 -2021-09-20 08:48:04.785 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: there certainly was no end to it and even ruth was philadelphian enough to believe that a street ought not to have any end or architectural point upon which the weary eye could rest -Output Transcription: there are certainly was no end to it and even ruth was philadelphia and enough to believe that a street ought not to have any end or architectural point upon which the weary eye could rest -2021-09-20 08:48:04.795 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.088235 -2021-09-20 08:48:04.806 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: god bless you friend i do believe your scent is not greatly wrong when the matter is duly considered and keeping eternity before the eyes though much depends on the natural gifts and the force of temptation -Output Transcription: god bless you friend i do believe you sent is not greatly wrong when the matter is duly considered and keeping eternity before the eyes though much depends on the natural gifts in the force of temptation -2021-09-20 08:48:04.817 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.081081 -2021-09-20 08:48:04.823 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: smuggling the house cleaning paraphernalia into the cellar window unobserved that afternoon proved no easy task for cynthia had added a whisk broom and dust pan to the outfit -Output Transcription: smuggling house claming paraphernalia into the cellar window unobserved that afternoon proved no easy task for cynthia had added a whisk room and dust pan to the outfit -2021-09-20 08:48:04.830 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.103448 -2021-09-20 08:48:04.837 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the whole proceeding was so childish the miserable plot so transparent the outrage so gross as to bring disgust to the better class of border ruffians who were witnesses and accessories -Output Transcription: the whole proceeding was so childish the miserable plot so transparent the outrage so gross as to bring discuss to the better class of border ruffians who were witnesses and accessories -2021-09-20 08:48:04.845 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.032258 -2021-09-20 08:48:04.845 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: how strange it seemed to the sad woman as she watched the growth and the beauty that became every day more brilliant and the intelligence that threw its quivering sunshine over the tiny features of this child -Output Transcription: how strange it seemed to the sad woman as she watched the growth and the beauty that became every day more brilliant and the intelligence that threw its quivering sunshine over the tiny features of this child -2021-09-20 08:48:04.846 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:48:04.856 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: there was watercress soup and sole and a delightful omelette stuffed with mushrooms and truffles and two small rare ducklings and artichokes and a dry yellow rhone wine of which bartley had always been very fond -Output Transcription: there was water cross soup and soul and a delightful omelet stuffed with mushrooms and truffles and two small rare ducklings and artichokes and a draw yellow road wine of which partly had always been very fond -2021-09-20 08:48:04.867 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.194444 -2021-09-20 08:48:04.882 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: missus harmon thought he sang too much and told her husband privately that if he was a canary bird she should want to keep a table cover over his head most of the time but he was immensely popular with the rest of his audience -Output Transcription: missus harmon thought he sang too much and told her husband privately that if he was a canary bird she should want to keep a table cover or saidmost of the time but he was immensely popular with a rest of his audience -2021-09-20 08:48:04.897 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.111111 -2021-09-20 08:48:04.907 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: secure as he thought in the careful administration of justice in that city and the character of its well disposed inhabitants the good hidalgo was far from thinking that any disaster could befal his family -Output Transcription: secure as he thought and careful administration of justice in that city and the character of its well disposed inhabitants the good hidalgo was far from thinking that any disaster could befall his family -2021-09-20 08:48:04.917 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.085714 -2021-09-20 08:48:04.917 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: on saturday mornings when the sodality met in the chapel to recite the little office his place was a cushioned kneeling desk at the right of the altar from which he led his wing of boys through the responses -Output Transcription: on saturday mornings when the sodality met in the chapel to recite the little office his place was a cushioned kneeling desk at the right of the altar from which he led his wing of boys through the responses -2021-09-20 08:48:04.917 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:48:04.925 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: before starting it was indispensable that the engine of the dobryna should be repaired to sail under canvas only would in contrary winds and rough seas be both tedious and difficult -Output Transcription: before starting it was indispensable that the engine of the debris should be repaired to sail under canvas only would in contrary winds and rough seas be both tedious and difficult -2021-09-20 08:48:04.933 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.032258 -2021-09-20 08:48:04.933 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: if you should not be a good girl but should show signs of making us any trouble i shall have to send you out somewhere to the back part of the house until we are gone -Output Transcription: if you should not be a good girl but should show signs of making us any trouble i shall have to send you out somewhere to the back part of the house until we are gone -2021-09-20 08:48:04.934 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:48:04.934 | INFO | deepspeech2x.model:test:372 - Error rate [wer] (2224/?) = 0.071162 -2021-09-20 08:48:07.138 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: he stood a moment bewildered then turned and rushed upon the island a great sheet of dazzling sunlight swept the place and beneath lay a mighty mass of olive green thick tall wet and willowy -Output Transcription: he stood a moment bewildered then turned and rushed upon the island a great sheet of dazzling sunlight swept the place and beneath lay a mighty mass of olive green the tall wet and will away -2021-09-20 08:48:07.149 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.085714 -2021-09-20 08:48:07.159 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: this was the first occasion within a generation when such an entertainment had been given at elmhurst and the only one within the memory of man where the neighbors and country people had been invited guests -Output Transcription: this was the first occasion within a generation when such an entertainment had been given at elmhurst and the only one within the memory of man where the neighbors and country people had been the invited guests -2021-09-20 08:48:07.170 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.027778 -2021-09-20 08:48:07.183 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: they drew their swords hid their faces in the flaps of their cloaks turned back and soon came in front of the little party who had not yet done giving thanks to god for their escape from those audacious men -Output Transcription: they drew their swords hid their faces and the flaps of their cloaks turned back and soon came in front of the little party who had not yet done giving thanks to god for their escape from those audacious men -2021-09-20 08:48:07.196 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.025000 -2021-09-20 08:48:07.203 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: two years before her death i saw her perform the character of marianne in the comedy of marivaux and in spite of her age and declining health the illusion was complete -Output Transcription: two years before her death i saw her perform the character of marianne in the comedy of marvo and in spite of her age and declining health the illusion was complete -2021-09-20 08:48:07.211 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.032258 -2021-09-20 08:48:07.221 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: this was done for the event took place at a time when the consent of the parties was sufficient for the celebration of a marriage without any of the preliminary formalities which are now so properly required -Output Transcription: this was done for the event took place at a time when the consent of the parties was sufficient for the celebration of the marriage without any of the preliminary formalities which are now so properly required -2021-09-20 08:48:07.232 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.027027 -2021-09-20 08:48:07.232 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: he soon foresaw that still greater economy would be necessary for commercial success not alone for the larger territory opening but for the compact districts of large cities -Output Transcription: he soon foresaw that still greater economy would be necessary for commercial success not alone for the larger territory opening but for the compact districts of large cities -2021-09-20 08:48:07.233 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:48:07.242 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: from time to time a fleecy tuft of mist with yet some gleaming light left upon it drops down upon the dense floor of grey and loses itself in the opaque and impenetrable mass -Output Transcription: from time to time a fleecy tuft of mis will yet some gleaming light left upon it trough down upon the dance floor of gray and loses itself in the opac and impenetrable mass -2021-09-20 08:48:07.251 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.176471 -2021-09-20 08:48:07.258 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: it is indeed true that the importance of tact and skill in the training of the young and of cultivating their reason and securing their affection can not be overrated -Output Transcription: it is indeed true that the importance of tact and skill in the training of the young and of cultivating their reason and securing their affection cannot be overrated -2021-09-20 08:48:07.265 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.066667 -2021-09-20 08:48:07.265 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: with many qualifications with more qualifications as the patriarchal tradition has gradually weakened the general rule is felt to be right and binding that women should consume only for the benefit of their masters -Output Transcription: with many qualifications with more qualifications as the patriarchal tradition has gradually weakened the general rule is felt to be right and binding that women should consume only for the benefit of their masters -2021-09-20 08:48:07.266 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:48:07.277 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: his housekeeper had the management of everything she never allowed him to be in need of anything and she gave no account of his money which she kept altogether because he never asked her to render any accounts -Output Transcription: his housekeeper had the management of everything she never allowed him to be in need of anything and she gave no account of his money which he kept altogether because he never asked her to render any accounts -2021-09-20 08:48:07.288 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.026316 -2021-09-20 08:48:07.301 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: but as before the leaping waves of the rapids were too much for his pursuer and he was able to flap his way onward in a cloud of foam while doom hung low above his head yet hesitated to strike -Output Transcription: but as before the leaping waves of the rapids were too much for his pursuer and you liable to flap his way onward in a cloud of foam or doom hung low above his head yet hesitated to strike -2021-09-20 08:48:07.313 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.100000 -2021-09-20 08:48:07.322 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: my first and principal reason was that they enforced beyond all resistance on any student who might attempt to copy them this method of laying portions of distinct hue side by side -Output Transcription: my first and principal reason was that they enforced beyond all resistance on any student who might attempt to copy them this method of laying portions of distinct hues side by side -2021-09-20 08:48:07.330 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.031250 -2021-09-20 08:48:07.340 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: making their way across the river most of the refugees found shelter among the more hospitable people of clay county and afterward established themselves in caldwell county therein founding the city of far west -Output Transcription: making her way across the river most of the refugees found shelter among the more hospitable people of clay county and afterward established themselves in caldwell county there turning the city of far west -2021-09-20 08:48:07.349 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.088235 -2021-09-20 08:48:07.356 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: to fade away like morning beauty from her mortal day down by the river of adona her soft voice is heard and thus her gentle lamentation falls like morning dew -Output Transcription: to fade away like morning beauty from her mortal day down by the river of madonna her soft voices heard and thus her gentle lamentation falls like morning dew -2021-09-20 08:48:07.363 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.100000 -2021-09-20 08:48:07.375 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: when this captain should have taken himself and his vessel back to england i would retire to a small farm which i possessed at the farthest side of the island and there in seclusion would i end my days -Output Transcription: when this captain should have taken himself in his vessel back to england i would retire to a small farm which i possessed at the furthest side of the island and there in seclusion when i end my days -2021-09-20 08:48:07.388 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.076923 -2021-09-20 08:48:07.392 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: though the discipline of the former parliamentary army was not contemptible a more exact plan was introduced and rigorously executed by these new commanders -Output Transcription: and the discipline of the former parliamentary army was not contemptible a more exact plan was introduced and rigorously executed by these new commanders -2021-09-20 08:48:07.397 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.041667 -2021-09-20 08:48:07.398 | INFO | deepspeech2x.model:test:372 - Error rate [wer] (2240/?) = 0.070948 -2021-09-20 08:48:12.586 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: ojo became a bit uneasy at this for he had already put quite a lot of the cleverness powder in the dish but he dared not interfere and so he comforted himself with the thought that one cannot have too much cleverness -Output Transcription: ojo became a bit uneasy at this for he had already put quite a lot of the cleverness powder in the dish but he dared not interfere and so he comforted himself with the thought that one cannot have too much cleverness -2021-09-20 08:48:12.588 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:48:12.588 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: they give laws according to which images of past occurrences come into our minds but do not discuss our belief that these images refer to past occurrences which is what constitutes knowledge memory -Output Transcription: they give laws according to which images of past occurrences come into our minds but do not discuss our belief that these images refer to past occurrences which is what constitutes knowledge memory -2021-09-20 08:48:12.588 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:48:12.589 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: pearl accordingly ran to the bow window at the further end of the hall and looked along the vista of a garden walk carpeted with closely shaven grass and bordered with some rude and immature attempt at shrubbery -Output Transcription: pearl accordingly ran to the bow window at the further end of the hall and looked along the vista of a garden walk carpeted with closely shaven grass and bordered with some rude and immature attempt at shrubbery -2021-09-20 08:48:12.589 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:48:12.598 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the christmas holidays came and she and anne returned to the parsonage and to that happy home circle in which alone their natures expanded amongst all other people they shrivelled up more or less -Output Transcription: the christmas holidays came and she and anne returned to the parsonage and to that happy home circle in which alone their natures expanded amongst all other people they shriveled up more or less -2021-09-20 08:48:12.607 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.029412 -2021-09-20 08:48:12.608 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: though i may be but an ungracious adviser you will allow me therefore to subscribe myself with the best wishes for your happiness here and hereafter your true friend robert southey -Output Transcription: though i may be but an ungracious adviser you will allow me therefore to subscribe myself with the best wishes for your happiness here and hereafter your true friend robert southey -2021-09-20 08:48:12.608 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:48:12.616 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: what the latter day saints call celestial marriage is characteristic of the church and is in very general practise but of celestial marriage plurality of wives was an incident never an essential -Output Transcription: what the latter day saints call celestial marriage is characteristic of the church and is in very general practice but of celestial marriage plurality wise was an incident never an essential -2021-09-20 08:48:12.624 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.093750 -2021-09-20 08:48:12.631 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: after pondering awhile he said if we were farther away i should expect to find a depth of two or three hundred fathoms instead of five fathoms five fathoms -Output Transcription: after pondering a while he said if we were farther away i should expect to find a depth of two or three hundred fathoms instead of five fathoms five fathoms -2021-09-20 08:48:12.638 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.068966 -2021-09-20 08:48:12.647 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: from the graveyard gate one can count a dozen gayly painted farmhouses the gilded weather vanes on the big red barns wink at each other across the green and brown and yellow fields -Output Transcription: from the graveyard gate one can count a dozen gaily painted farmhouses the gilded weather veins on the big red barns wink at each other across the green and brown and yellow fields -2021-09-20 08:48:12.656 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.060606 -2021-09-20 08:48:12.657 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: but in truth pearl was the one as well as the other and only in consequence of that identity had hester contrived so perfectly to represent the scarlet letter in her appearance -Output Transcription: but in truth pearl was the one as well as the other and only in consequence of that identity had hester contrived so perfectly to represent the scarlet letter in her appearance -2021-09-20 08:48:12.657 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:48:12.670 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: here lay the reading of the riddle with infinite work and pain some one had dug a canal from the lagoon to the creek into which the former had drained by a long and crooked way thus allowing it to empty directly -Output Transcription: here lay the reading of the riddle with infinite work in pain someone had dug a canal from the lagoon to the creek into which the former had drained by long and crooked way thus allowing it to empty directly -2021-09-20 08:48:12.684 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.095238 -2021-09-20 08:48:12.692 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: its depth remained invariable still four or at most five fathoms and although its bottom was assiduously dredged it was only to prove it barren of marine production of any type -Output Transcription: its depth remained invariable still four or at most five fathoms and although its bottom was assiduously dredged it was only to prove it baron of marine production of any type -2021-09-20 08:48:12.700 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.032258 -2021-09-20 08:48:12.710 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: some of the penal regulations were copied from the edicts of diocletian and this method of conversion was applauded by the same bishops who had felt the hand of oppression and pleaded for the rights of humanity -Output Transcription: some of the penal regulations were copied from the edict of diocletian and this method of conversion was applauded by the same bishops who had felt the hand of oppression and pleaded for the rights of humanity -2021-09-20 08:48:12.722 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.027027 -2021-09-20 08:48:12.731 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: he reached up among the branches and began to pick the sweet insipid fruit long ivory colored berries tipped with faint pink like white coral that fall to the ground unheeded all summer through -Output Transcription: he reached up among the branches and began to pick the sweet insipid fruit long ivory colored berries tipped with mint pink like white coral that fall to the ground unheeded all summer through -2021-09-20 08:48:12.741 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.029412 -2021-09-20 08:48:12.750 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: mister neverbend began the captain and i observed that up to that moment he had generally addressed me as president it cannot be denied that we have come here on an unpleasant mission -Output Transcription: mister never bend began the captain and i observed that up to that moment he had generally address me as president they cannot be denied that we have come here on an unpleasant mission -2021-09-20 08:48:12.759 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.121212 -2021-09-20 08:48:12.776 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: when she had that bad illness and i was only eleven years old she used to say you'll have a friend on earth in your aunt rachel if i'm taken from you for she has a kind heart and i'm sure i've found it so -Output Transcription: which he had that man illness and i was only eleven years old she used to say you'll have a friend on earth in your aunt rachel if i am taken from you for she has a kind heart and i am sure i found it so -2021-09-20 08:48:12.793 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.177778 -2021-09-20 08:48:12.804 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: before this travesty on the administration of law could be brought before the court of last resort and there meet with the reversal and rebuke it deserved men were imprisoned under sentences of many years duration -Output Transcription: for this travesty on the administration of law could be brought before the court of last resort and there met with the reversal and rebuke had deserved men were imprisoned under sentence of many years duration -2021-09-20 08:48:12.814 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.111111 -2021-09-20 08:48:12.815 | INFO | deepspeech2x.model:test:372 - Error rate [wer] (2256/?) = 0.070701 -2021-09-20 08:48:15.655 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: no words were spoken no language was uttered save that of wailing and hissing and that somehow was indistinct as if it existed in fancy and not in reality -Output Transcription: no words were spoken no language was uttered save ton of wailing in hissing and that somehow was indistinct as if it existed in fancy and not in reality -2021-09-20 08:48:15.662 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.068966 -2021-09-20 08:48:15.674 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: from the manner in which he expressed himself with regard to robert hollan no man in the whole range of his recollections will be longer remembered than he his enthralment while under hollan will hardly ever be forgotten -Output Transcription: from the manner in which he expressed himself with regard to robert holland no man in the whole range of his recollections will be longer remembered than he is enthralled while under holland will hardly ever be forgotten -2021-09-20 08:48:15.686 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.105263 -2021-09-20 08:48:15.694 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: control yourselves my dears replied the boolooroo the worst punishment i know how to inflict on anyone this prisoner is about to suffer you'll see a very pretty patching my royal daughters -Output Transcription: control yourselves in my dears replied the booooo the worst punishment i know how to inflict on anyone this prisoners of doctors suffer you will see a very pretty patching my royal daughters -2021-09-20 08:48:15.703 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.250000 -2021-09-20 08:48:15.714 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: in one place at the head of the room was a raised platform for the royal family with elegant throne chairs for the king and queen and six smaller but richly upholstered chairs for the snubnosed princesses -Output Transcription: in one place at the head of the room was a raised platform for the royal family with elegant throne chairs for the king and queen and six smaller but richly posted chairs for this snubnosed princesses -2021-09-20 08:48:15.725 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.054054 -2021-09-20 08:48:15.737 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: classifying was everything to him so he knew nothing else well versed in the theory of classification he was poorly versed in its practical application and i doubt that he could tell a sperm whale from a baleen whale -Output Transcription: classifying was everything to him so he do nothing else well versed is a theory of classification he was poorly first in its practical application and i doubt that he could tell a sperm whale from a palin whale -2021-09-20 08:48:15.749 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.128205 -2021-09-20 08:48:15.757 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the fact that it was churning day was another reason why it was inconvenient to have the whittaws and why consequently missus poyser should scold molly the housemaid with unusual severity -Output Transcription: the bank that it was turning day was another reason why it was inconvenient to have the widows and why consequently missus poyser should scold molly the housemaid with unusual severity -2021-09-20 08:48:15.765 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.096774 -2021-09-20 08:48:15.776 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the objection of course presents itself that expenditure on women's dress and household paraphernalia is an obvious exception to this rule but it will appear in the sequel that this exception is much more obvious than substantial -Output Transcription: the objection of course presents itself that expenditure on women's dress and household paraphernalia is an obvious exception to this rule but it will appear in the sequel that this exception is much more obvious and substantial -2021-09-20 08:48:15.787 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.027027 -2021-09-20 08:48:15.795 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: for in the times before the great flood athens was the greatest and best of cities and did the noblest deeds and had the best constitution of any under the face of heaven -Output Transcription: for in the times before the great flood athens was the greatest and best of cities and dead the noblest deeds and had the best constitution of any under the face of heaven -2021-09-20 08:48:15.804 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.030303 -2021-09-20 08:48:15.804 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the pain produced by an act of hasty and angry violence to which a father subjects his son may soon pass away but the memory of it does not pass away with the pain -Output Transcription: the pain produced by an act of hasty and angry violence to which a father subjects his son may soon pass away but the memory of it does not pass away with the pain -2021-09-20 08:48:15.805 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:48:15.816 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: throughout the entire evolution of conspicuous expenditure whether of goods or of services or human life runs the obvious implication that in order to effectually mend the consumer's good fame it must be an expenditure of superfluities -Output Transcription: throughout the entire revolution of conspicuous expenditure whether of good sir services or human life runs the obvious implication that in order to effectually mend the consumers good fame it must be an expenditure of superfruit ies -2021-09-20 08:48:15.827 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.189189 -2021-09-20 08:48:15.827 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the trunks were moved the tree was pulled out and thrown rather hard it is true down on the floor but a man drew him towards the stairs where the daylight shone -Output Transcription: the trunks were moved the tree was pulled out and thrown rather hard it is true down on the floor but a man drew him towards the stairs where the daylight shone -2021-09-20 08:48:15.828 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:48:15.838 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: all rose to do her reverence as if something from heaven had miraculously appeared before them but gazing on her entranced with admiration not one of them was able to address a single word to her -Output Transcription: all rose to do her reverence as if something from heaven had miraculously appeared before them but gazing on her entrance with admiration not one of them was able to address a single word to her -2021-09-20 08:48:15.849 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.027778 -2021-09-20 08:48:15.860 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: their eyes were from the first turned in anticipation toward the evening sun not merely that the work of proselyting should be carried on in the west but that the headquarters of the church should be there established -Output Transcription: their eyes were from the first turned in anticipation toward the evening sun not merely that the work of prostrating should be carried on in the west but that the headquarters of the church should be there established -2021-09-20 08:48:15.872 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.026316 -2021-09-20 08:48:15.879 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the king's ears were now open to montrose's counsels who proposed none but the boldest and most daring agreeably to the desperate state of the royal cause in scotland -Output Transcription: the king's ears were now open to montross counsels who proposed none but the boldest and most daring agreeably to the desperate state of the royal cause in scotland -2021-09-20 08:48:15.886 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.034483 -2021-09-20 08:48:15.896 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: there messrs johnson and hammer put into practice many of the ideas now standard in the art and secured much useful data for the work in new york of which the story has just been told -Output Transcription: bear messrs johnson and hammer put into practice many of the ideas now standard in the yard and secured much useful data for the work in new york of which the story has just been told -2021-09-20 08:48:15.907 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.055556 -2021-09-20 08:48:15.907 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: louise hoped for excellent results from this organization and wished the entertainment to be so effective in winning their good will that they would work earnestly for the cause in which they were enlisted -Output Transcription: louise hoped for excellent results from this organization and wished the entertainment to be so effective in winning their good will that they would work earnestly for the cause in which they were enlisted -2021-09-20 08:48:15.907 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:48:15.908 | INFO | deepspeech2x.model:test:372 - Error rate [wer] (2272/?) = 0.070672 -2021-09-20 08:48:19.727 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: thousands of handkerchiefs were waving above these tightly packed masses hailing the abraham lincoln until it reached the waters of the hudson river at the tip of the long peninsula that forms new york city -Output Transcription: thousands of handkerchiefs were waving above these tightly packed masses hailing the abraham lincoln until it reached the waters of the hudson river at the tip of the long peninsula that forms new york city -2021-09-20 08:48:19.728 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:48:19.728 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the count had thrown himself back on his seat leaning his shoulders against the partition of the tent and remained thus his face buried in his hands with heaving chest and restless limbs -Output Transcription: the count had thrown himself back on his seat leaning his shoulders against the partition of the tent and remained thus his face buried in his hands with heaving chest and restless limbs -2021-09-20 08:48:19.729 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:48:19.744 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: then they sped in great haste for the door and the goat gave a final butt that sent the row of royal ladies all diving into the corridor in another tangle whereupon they shrieked in a manner that terrified everyone within sound of their voices -Output Transcription: then they stood in great haste for the door and go gave a final but he sent the row of royal ladies all diving into the corridor in another tangle whereupon they shrieked in a manner that terrified every woman sound of their voices -2021-09-20 08:48:19.760 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.155556 -2021-09-20 08:48:19.776 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: let him come in then said the king and as if colbert had been listening at the door for the purpose of keeping himself au courant with the conversation he entered as soon as the king had pronounced his name to the two courtiers -Output Transcription: let him come in then said the king and as if colbert had been listening at the door for the purpose of keeping himself aaron with the conversation he entered as soon as the king had pronounced his name to the two courtiers -2021-09-20 08:48:19.790 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.045455 -2021-09-20 08:48:19.801 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: henry lord with the degree of ph d to his credit had been professor of zoology at a new england college but had resigned his post in order to write a series of scientific text books -Output Transcription: henry lord with a degree of page deed to his credit had been professor of zoology at a new england college but had resigned his post in order to write a series of scientific text books -2021-09-20 08:48:19.811 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.083333 -2021-09-20 08:48:19.827 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: then turning towards me he says that i look like a foreigner and when i say that i am an italian he begins to speak to me of the court of the city of the theatres and at last he offers to accompany me everywhere -Output Transcription: then turning toward me he says that i look like a foreigner and when i say that i am an italian he begins to speak to me of the court the city of the theatres and at last he offers to accompany me everywhere -2021-09-20 08:48:19.843 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.044444 -2021-09-20 08:48:19.852 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i don't know and can't say how you fine gentlemen define wickedness only as an obscure female i speak according to my lights and he is generally thought the wickedest man in this county -Output Transcription: i don't know one can't say how you fine gentlemen to find wickedness only as an obscure female i speak according to my lights and he is generally thought the wickedest man in this county -2021-09-20 08:48:19.862 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.088235 -2021-09-20 08:48:19.862 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: why was the sacrament of the eucharist instituted under the two species of bread and wine if jesus christ be present body and blood soul and divinity in the bread alone and in the wine alone -Output Transcription: why was the sacrament of the eucharist instituted under the two species of bread and wine if jesus christ be present body and blood soul and divinity in the bread alone and in the wine alone -2021-09-20 08:48:19.863 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:48:19.882 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: two bites are made and the bread is crumbled with an air of great eagerness indeed one feels that in real life the guest would clutch hold of the footman and say half a mo old chap i haven't nearly finished but the actor is better schooled than this -Output Transcription: two bits are made and the brent has crumbled with an air of great eagerness indeed one feels hat in real life the guest when the clutch hold of the footmen and say have a mold chap i have nearly finished but the actor is better scholten this -2021-09-20 08:48:19.901 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.265306 -2021-09-20 08:48:19.913 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: here she would stay comforted and soothed among the lovely plants and rich exotics rejoicing the heart of old turner the gardener who since polly's first rapturous entrance had taken her into his good graces for all time -Output Transcription: here she would stay comforted in soothed among the lovely plants and rich exotics rejoicing the heart of old turn of the gardener who since polly's first rapturous entrance had taken her into his good graces for all time -2021-09-20 08:48:19.925 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.078947 -2021-09-20 08:48:19.936 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: so to the surprise of the democratic committee and all his friends mister hopkins announced that he would oppose forbes's aggressive campaign with an equal aggressiveness and spend as many dollars in doing so as might be necessary -Output Transcription: so to the surprise of the democratic committee and all his friends mister hopkins an else that he would oppose ford's aggressive campaign with an equal aggressiveness and spent as many dollars in doing so as might be necessary -2021-09-20 08:48:19.948 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.105263 -2021-09-20 08:48:19.949 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: when first they entered the throne room they tried to be as haughty and scornful as ever but the blues who were assembled there all laughed at them and jeered them for there was not a single person in all the blue country who loved the princesses the least little bit -Output Transcription: when first they entered the throne room they tried to be as haughty and scornful as ever but the blues who were assembled there all laughed at them and jeered them for there was not a single person in all the blue country who loved the princesses the least little bit -2021-09-20 08:48:19.949 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:48:19.949 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: but pearl who was a dauntless child after frowning stamping her foot and shaking her little hand with a variety of threatening gestures suddenly made a rush at the knot of her enemies and put them all to flight -Output Transcription: but pearl who was a dauntless child after frowning stamping her foot and shaking her little hand with a variety of threatening gestures suddenly made a rush at the knot of her enemies and put them all to flight -2021-09-20 08:48:19.949 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:48:19.959 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: their diving stone poised on its rude supports and rocking under their plunges and the rough hewn stones of the sloping breakwater over which they scrambled in their horseplay gleamed with cold wet lustre -Output Transcription: their diving stone poised on its rude supports and rocking under their plunges and the rough hewn stones of the sloping breakwater over which they scrambled in their horse play gleamed with cold wet lustre -2021-09-20 08:48:19.968 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.058824 -2021-09-20 08:48:19.976 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the good natured audience in pity to fallen majesty showed for once greater deference to the king than to the minister and sung the psalm which the former had called for -Output Transcription: the good natured audience in pity to fallen majesty showed for once greater deference to the king than to the minister and sung the song which the former had called for -2021-09-20 08:48:19.984 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.032258 -2021-09-20 08:48:19.984 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: another and far more important reason than the delivery of a pair of embroidered gloves impelled hester at this time to seek an interview with a personage of so much power and activity in the affairs of the settlement -Output Transcription: another and far more important reason than the delivery of a pair of embroidered gloves impelled hester at this time to seek an interview with a personage of so much power and activity in the affairs of the settlement -2021-09-20 08:48:19.985 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:48:19.985 | INFO | deepspeech2x.model:test:372 - Error rate [wer] (2288/?) = 0.070556 -2021-09-20 08:48:22.939 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: broad as the prairies and free in thought as the winds that sweep them he is idiosyncratically opposed to loose and wasteful methods to plans of empire that neglect the poor at the gate -Output Transcription: broad as the prairies and free and thought as the winds that swept them he is idiosyncratic ally opposed to loose and wasteful methods to plans of empire that neglect the poor at the gate -2021-09-20 08:48:22.949 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.117647 -2021-09-20 08:48:22.960 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: here it comes there it glides now it is up the ragged stump of the mast thence it lightly leaps on the provision bag descends with a light bound and just skims the powder magazine horrible -Output Transcription: here it comes there it glides now it is up the ragged stump of the mast that's it lightly leaps on the provision bag descends with a light bound and just skims the powder magazine horrible -2021-09-20 08:48:22.970 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.027778 -2021-09-20 08:48:22.982 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: a small settlement had been founded by mormon families on shoal creek and here on the thirtieth of october eighteen thirty eight a company of two hundred and forty fell upon the hapless settlers and butchered a score -Output Transcription: a small settlement had been founded by mormon families on shoal creek and here on the thirtieth of october eighteen thirty eight a company of two hundred and forty fell upon the hapless settlers and butcher to score -2021-09-20 08:48:22.993 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.052632 -2021-09-20 08:48:23.007 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: since the period of our tale the active spirit of the country has surrounded it with a belt of rich and thriving settlements though none but the hunter or the savage is ever known even now to penetrate its wild recesses -Output Transcription: since the period of our tale the active spirit of the country has surrounded it with a belt of rich and thriving settlements though none but the hunter or the savage as ever known even now to penetrate its wild recesses -2021-09-20 08:48:23.020 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.024390 -2021-09-20 08:48:23.030 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: and so life and death have dispersed the circle of violent radicals and dissenters into which twenty years ago the little quiet resolute clergyman's daughter was received and by whom she was truly loved and honoured -Output Transcription: and so life and death have dispersed the circle of violent radicals and dissenters into which twenty years ago the little quiet resolute clergyman's daughter was received and by whom she was truly loved and honored -2021-09-20 08:48:23.041 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.027778 -2021-09-20 08:48:23.056 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: in other words while he had implicit faith in the ability of balaam's ass to speak he was somewhat skeptical on the subject of a bear's singing and yet he had been assured of the latter on the testimony of his own exquisite organs -Output Transcription: in other words while he had implicit faith in the ability of balms asked to speak he was somewhat skeptical on the subject of a bar singing and yet he had been assured of the latter on the testimony of his own exquisite organs -2021-09-20 08:48:23.071 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.068182 -2021-09-20 08:48:23.081 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: unlike his master he made no pretension to any gift of poetic power but his inexhaustible memory made him a living encyclopaedia and for his stock of anecdotes and trooper's tales he was matchless -Output Transcription: i'm like his master he made no pretension to any gift of poetic power but his inexhaustible memory made him a living encyclopedia and for his stock of anecdotes and troopers tales he was matchless -2021-09-20 08:48:23.090 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.117647 -2021-09-20 08:48:23.097 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: from the same men new regiments and new companies were formed different officers appointed and the whole military force put into such hands as the independents could rely on -Output Transcription: from the same men new regiments and new companies were formed different officers appointed and the whole military force put into such hands as the independence could rely on -2021-09-20 08:48:23.104 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.034483 -2021-09-20 08:48:23.105 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: he did not think of the warm sun and of the fresh air he did not care for the little cottage children that ran about and prattled when they were in the woods looking for wild strawberries -Output Transcription: he did not think of the warm sun and of the fresh air he did not care for the little cottage children that ran about and prattled when they were in the woods looking for wild strawberries -2021-09-20 08:48:23.105 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:48:23.110 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: by a quick and unexpected march montrose hastened to innerlochy and presented himself in order of battle before the surprised but not affrightened covenanters -Output Transcription: by a quick and unexpected march montrose hastened to interlock and presented himself in order of battle before the surprised but not a frightened covenants -2021-09-20 08:48:23.115 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.166667 -2021-09-20 08:48:23.127 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: simply by stopping her carriage two or three times before the shop to have her snuff box filled and by saying aloud to the young girl who handed back the box that her snuff was the very best in paris -Output Transcription: simply by stopping her carriage two or three times before the shop to have her snuffbox filled and by saying aloud to the young girl who handed back the box that her snuff was the very best in paris -2021-09-20 08:48:23.140 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.050000 -2021-09-20 08:48:23.152 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: time rolled on the hour of her delivery arrived it took place in the utmost secrecy her mother taking upon her the office of midwife and she gave birth to a son one of the most beautiful ever seen -Output Transcription: time rolled on the hour of her delivery arrived it took place in the utmost secrecy her mother taking upon her the office of midwife as she gave birth to a son one of the most beautiful ever seen -2021-09-20 08:48:23.164 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.025641 -2021-09-20 08:48:23.175 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: meanwhile he had called upon me to make a report of the three wire system known in england as the hopkinson both doctor john hopkinson and mister edison being independent inventors at practically the same time -Output Transcription: meanwhile he had called upon me to make a report of the three wire system known in england as the hopkinson both doctor john hopkins and and mister edison being independent inventors at practically the same time -2021-09-20 08:48:23.186 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.055556 -2021-09-20 08:48:23.200 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: if a rock or a rivulet or a bit of earth harder than common severed the links of the clew they followed the true eye of the scout recovered them at a distance and seldom rendered the delay of a single moment necessary -Output Transcription: if a rock or a rivulet or bit of earth harder than common severe the links of the clue they followed the true eye of the scout recovered them at a distance and seldom rendered the delay of a single moment necessary -2021-09-20 08:48:23.214 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.069767 -2021-09-20 08:48:23.226 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: all the images of his past life floated upon his memory his thoughts sped away to his native france only to return again to wonder whether the depths of ocean would reveal any traces of the algerian metropolis -Output Transcription: all the images of his past life floated upon his memory his thoughts spare away to his native france only to return again to wonder whether the depths of ocean would reveal any traces of the algerian metropolis -2021-09-20 08:48:23.237 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.026316 -2021-09-20 08:48:23.247 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the child had a native grace which does not invariably co exist with faultless beauty its attire however simple always impressed the beholder as if it were the very garb that precisely became it best -Output Transcription: the child had a native grace which does not invariably coexist with faultless beauty its attire however simple always impressed the beholder as if it were the very garb that precisely became at best -2021-09-20 08:48:23.257 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.085714 -2021-09-20 08:48:23.257 | INFO | deepspeech2x.model:test:372 - Error rate [wer] (2304/?) = 0.070338 -2021-09-20 08:48:25.644 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: in this way the fete of the whole court was a fete also for the mysterious inhabitants of the forest for certainly the deer in the brake the pheasant on the branch the fox in its hole were all listening -Output Transcription: in this way the fate of the whole court was effete also for the mysterious inhabitants of the forest for certainly the deer and the brake the pheasant on the branch the fox in its hole were all listening -2021-09-20 08:48:25.656 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.100000 -2021-09-20 08:48:25.666 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: just at the moment when the tears of the pitying beholders flowed fastest and their ejaculations were most expressive of despair leocadia gave signs of recovery and brought back gladness to the hearts of all -Output Transcription: just at a moment when the tears of the pitying beholders flowed fastest and their ejaculations where most expressive of despair the acadia go signs of recovery and brought back glades for the hearts of a -2021-09-20 08:48:25.676 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.228571 -2021-09-20 08:48:25.687 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: at the edge of this box there lies a great wooden doll which so far as mutilation is concerned bears a strong resemblance to the finest greek sculpture and especially in the total loss of its nose -Output Transcription: at the edge of this box there lies a great wooden doll which so far as mutilation is concern bears a strong resemblance to the finest greek sculpture and especially in the total loss of its nose -2021-09-20 08:48:25.698 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.027027 -2021-09-20 08:48:25.712 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: he had for his own town residence a big house filled with the spoils of travel and the trophies of the chase but it was to his country home an old family place in essex that he wished her immediately to proceed -Output Transcription: he had for his own town residence of big house filled with the spoils of travel and the trophies of the chase but it was to his country home an old family place in essex that he wished her immediately to proceed -2021-09-20 08:48:25.726 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.023810 -2021-09-20 08:48:25.738 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the wind being adverse the dobryna did not make very rapid progress but as the weather in spite of a few clouds remained calm and the sea was quite smooth she was enabled to hold a steady course -Output Transcription: the wind being adverse the dorena did not make very rapid progress but as the weather in spite of a few clouds remained calm and the sea was quite smooth she was enabled to hold a steady course -2021-09-20 08:48:25.749 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.026316 -2021-09-20 08:48:25.762 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: they approached the door which was of an arched form and flanked on each side by a narrow tower or projection of the edifice in both of which were lattice windows the wooden shutters to close over them at need -Output Transcription: they approached the door which was of an arched form and flanked on each side by a narrow tower or projection of the edifice in both of which were latticed windows the wooden shutters to close over them at need -2021-09-20 08:48:25.774 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.025000 -2021-09-20 08:48:25.775 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: unless he could secure an engine of smoother running and more exactly governed and regulated than those available for his dynamo and lamp edison realized that he would find it almost impossible to give a steady light -Output Transcription: unless he could secure an engine of smoother running and more exactly governed and regulated than those available for his dynamo and lamp edison realized that he would find it almost impossible to give a steady light -2021-09-20 08:48:25.775 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:48:25.775 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the sentence of saint james which says that he who offends against one commandment becomes guilty of all had seemed to him first a swollen phrase until he had begun to grope in the darkness of his own state -Output Transcription: the sentence of saint james which says that he who offends against one commandment becomes guilty of all had seemed to him first a swollen phrase until he had begun to grope in the darkness of his own state -2021-09-20 08:48:25.776 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:48:25.787 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: since last thursday i ghip ghisizzle have been the lawful boolooroo of the blue country but now that you are conquered by queen trot i suppose i am conquered too and you have no boolooroo at all -Output Transcription: since last thursday i get these have been the lawful booooo of the blue country but now that you are conquered by queen shot i suppose i am conquer too and you have no bolero at all -2021-09-20 08:48:25.798 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.162162 -2021-09-20 08:48:25.807 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: she tried this morning an air or two upon the piano sang a simple song in a sweet but slightly metallic voice and then seating herself by the open window read philip's letter -Output Transcription: she tried it this morning and air or two upon the piano saying a simple song in a sweet but slightly metallic voice and then seating herself by the open window read philip's letter -2021-09-20 08:48:25.816 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.090909 -2021-09-20 08:48:25.829 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: when the boy walked through the streets blessings were showered upon him by all who saw him blessings upon his beauty upon the mother that bore him upon the father that begot him upon those who brought him up so well -Output Transcription: when the boy walked through the streets blessings were showered upon him by all who saw him blessing upon his beauty upon the mother that bore him upon the father that begot him upon those who brought him up so well -2021-09-20 08:48:25.842 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.024390 -2021-09-20 08:48:25.851 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the large letter contains indeed entirely feeble and ill drawn figures that is merely childish and failing work of an inferior hand it is not characteristic of gothic or any other school -Output Transcription: the large letter contains indeed entirely feeble and ill drawn figures that is merely childish and failing work of an unfair hand it is not characteristic of gothic or any other school -2021-09-20 08:48:25.859 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.031250 -2021-09-20 08:48:25.869 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: we believe in a literal resurrection and an actual hereafter in which future state shall be recognized every sanctified and authorized relationship existing here on earth of parent and child brother and sister husband and wife -Output Transcription: we believe in a literal resurrection and an actual hereafter in which future state shall be recognized every sanctified an authorized relationship existing here on earth of parent and child brother and sister husband and wife -2021-09-20 08:48:25.879 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.027778 -2021-09-20 08:48:25.884 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: to grow and grow to get older and be tall thought the tree that after all is the most delightful thing in the world -Output Transcription: to grow and grow to get on her and be tall thought the tree fat after all is the most delightful thing in the world -2021-09-20 08:48:25.889 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.125000 -2021-09-20 08:48:25.889 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: there too were large easy chairs silken sofas large tables full of picture books and full of toys worth hundreds and hundreds of crowns at least the children said so -Output Transcription: there too were large easy chairs silken sofas large tables full of picture books and full of toys worth hundreds and hundreds of crowns at least the children said so -2021-09-20 08:48:25.890 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:48:25.890 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: time enough had he too for his reflections for days and nights passed on and nobody came up and when at last somebody did come it was only to put some great trunks in a corner out of the way -Output Transcription: time enough had he too for his reflections for days and nights passed on and nobody came up and when at last somebody did come it was only to put some great trunks in a corner out of the way -2021-09-20 08:48:25.890 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:48:25.891 | INFO | deepspeech2x.model:test:372 - Error rate [wer] (2320/?) = 0.070081 -2021-09-20 08:48:30.811 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: what world wide iniquity such a speech as that discloses said i still turning myself to the captain for though i would have crushed them both by my words had it been possible my dislike centred itself on sir ferdinando -Output Transcription: what world wide iniquity such speech as that disclose said i still turning myself to the captain for though i would have crushed them both by my words had it been possible my dislikes centre itself and sir ferdinando -2021-09-20 08:48:30.825 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.125000 -2021-09-20 08:48:30.833 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: thel is like a watry bow and like a parting cloud like a reflection in a glass like shadows in the water like dreams of infants like a smile upon an infants face -Output Transcription: fell is like a watery bow and like a parting cloud like a reflection in a glance like shadows in the water like dreams of infants like a smile upon an infant's face -2021-09-20 08:48:30.842 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.121212 -2021-09-20 08:48:30.860 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: she was gone out into the village on some errand when as she was descending the steep street her foot slipped on the ice and she fell it was dark and no one saw her mischance till after a time her groans attracted the attention of a passer by -Output Transcription: she was gone out into the village on some errand when as she was descending the steep street her foot slipped on ice and she fell he was dark and no one saw her mischance till after a time her groans attracted the attention of a passer by -2021-09-20 08:48:30.879 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.040816 -2021-09-20 08:48:30.889 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: it will be wholly impossible for you to retain the tranquillity of temper and felicity of faith necessary for noble purist painting unless you are actively engaged in promoting the felicity and peace of practical life -Output Transcription: it will be wholly impossible for you to retain the tranquillity of temper and felicity of faith necessary for noble purest painting unless you are actively engaged in promoting the felicity and piece of practical life -2021-09-20 08:48:30.899 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.055556 -2021-09-20 08:48:30.900 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: so those offices which are by right the proper employment of the leisure class are noble such as government fighting hunting the care of arms and accoutrements and the like in short those which may be classed as ostensibly predatory employments -Output Transcription: so those offices which are by right the proper employment of the leisure class are noble such as government fighting hunting the care of arms and accoutrements and the like in short those which may be classed as ostensibly predatory employments -2021-09-20 08:48:30.900 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:48:30.913 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: in his return to the camp his acute and practised intellects were intently engaged in devising means to counteract a watchfulness and suspicion on the part of his enemies that he knew were in no degree inferior to his own -Output Transcription: in his return to the camp his acute and practised intellects were intensely engaged in devising means to counteract a watchfulness and suspicion on the part of his enemies that he knew were in no degree inferior to his own -2021-09-20 08:48:30.926 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.025000 -2021-09-20 08:48:30.934 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: there is no logical impossibility in the hypothesis that the world sprang into being five minutes ago exactly as it then was with a population that remembered a wholly unreal past -Output Transcription: there is no logical impossibility in the hypothesis that the world sprang into being five minutes ago exactly as it then was with the population that remembered a wholly unreal past -2021-09-20 08:48:30.941 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.032258 -2021-09-20 08:48:30.947 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: then i long tried by natural ills received the comfort fast while budding at thy sight my pilgrim's staff gave out green leaves with morning dews impearled -Output Transcription: then i long tried by natural hills received the comfort fast while budding at thy sight my pilgrim staff gave out green lies with morning dews imperil -2021-09-20 08:48:30.954 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.148148 -2021-09-20 08:48:30.954 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: federal judges and united states attorneys in utah who were not mormons nor lovers of mormonism refused to entertain complaints or prosecute cases under the law because of its manifest injustice and inadequacy -Output Transcription: federal judges and united states attorneys in utah who were not mormons nor lovers of mormonism refused to entertain complaints or prosecute cases under the law because of its manifest injustice and inadequacy -2021-09-20 08:48:30.954 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:48:30.962 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: she promised to do this and she mentioned to me that when for a moment disburdened delighted he held her hand thanking her for the sacrifice she already felt rewarded -Output Transcription: she promised to do this and she mentioned to me that when for a moment is burdened delighted he held her hand thanking her for the sacrifice she already felt rewarded -2021-09-20 08:48:30.970 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.066667 -2021-09-20 08:48:30.984 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: many of these again and also many of the other aristocracy of less degree have in turn attached to their persons a more or less comprehensive group of vicarious consumer in the persons of their wives and children their servants retainers et cetera -Output Transcription: many of these again and also many of the other aristocracy of less degree having turn attached to their persons and more or less comprehensive group of icarus consumer in the persons of their wifes and children their servants retainers et cetera -2021-09-20 08:48:30.999 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.116279 -2021-09-20 08:48:31.007 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: proscribed by the civil and ecclesiastical powers of the empire the donatists still maintained in some provinces particularly in numidia their superior numbers and four hundred bishops acknowledged the jurisdiction of their primate -Output Transcription: prescribed by the civil and ecclesiastical powers of the empire the donatists still maintained in some provinces particularly in the media their superior numbers and four hundred bishops acknowledged the jurisdiction of their primate -2021-09-20 08:48:31.016 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.090909 -2021-09-20 08:48:31.017 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: and this method of treating the case was much more effectual in making them disposed to avoid committing a similar fault another time than any direct rebukes or expressions of displeasure addressed personally to them would have been -Output Transcription: and this method of treating the case was much more effectual in making them disposed to avoid committing a similar fault another time than any direct rebukes or expressions of displeasure addressed personally to them would have been -2021-09-20 08:48:31.017 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:48:31.029 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: if christian perfection be necessary to salvation i shall never be saved my heart is a very hotbed for sinful thoughts and when i decide on an action i scarcely remember to look to my redeemer for direction -Output Transcription: if christian perfection be necessary to salvation i shall never be saved my heart is a very hot bed for sinful thoughts and when i decide on an action i scarcely remember to look to my redeemer for direction -2021-09-20 08:48:31.041 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.052632 -2021-09-20 08:48:31.056 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the english forwarded to the french baskets of flowers of which they had made a plentiful provision to greet the arrival of the young princess the french in return invited the english to a supper which was to be given the next day -Output Transcription: the english forward it to the french baskets of flowers of which they had made a plantable provision to greet the arrival of the young princess the french in return invited the english to a supper which was to be given the next day -2021-09-20 08:48:31.071 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.069767 -2021-09-20 08:48:31.085 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the brown ground beneath is left for the most part one touch of black is put for the hollow two delicate lines of dark gray define the outer curve and one little quivering touch of white draws the inner edge of the mandible -Output Transcription: the brown ground beneath his left for the most part one touch of black is put for the hollow to delicate lines of dark gray to find the outer curve and one little quivering touch of white draws the inner edge of the mandible -2021-09-20 08:48:31.100 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.093023 -2021-09-20 08:48:31.101 | INFO | deepspeech2x.model:test:372 - Error rate [wer] (2336/?) = 0.069980 -2021-09-20 08:48:34.229 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: her tongue was not less keen than her eye and whenever a damsel came within earshot seemed to take up an unfinished lecture as a barrel organ takes up a tune precisely at the point where it had left off -Output Transcription: her tongue was not less keen than her eye and whenever a damsel came with her shot seemed to take up an unfinished lecture as a barrel organ take opportune precisely at the point where it had left off -2021-09-20 08:48:34.242 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.175000 -2021-09-20 08:48:34.261 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: he had no friend wise enough to tell him to step into the dorking convention then in session make a sketch of the men and women on the platform and take it to the editor of the daily grapevine and see what he could get a line for it -Output Transcription: he had no friend wise enough to tell him to step into the working convention then in session make a sketch of the men and women on the platform and take it to the editor of the daily grapevine and see what he could get a line for it -2021-09-20 08:48:34.280 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.020408 -2021-09-20 08:48:34.294 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: but such was his keenness that even while the wide flukes of his engorged victim were still sticking out at the corners of his beak his fierce red eyes were once more peering downward into the torrent in search of fresh prey -Output Transcription: but such was his keenness that even while the wide flukes of his engorged victim were still sticking out of the corners of his beak his fierce red eyes were once more peering downward into the torrent in search of fresh prey -2021-09-20 08:48:34.308 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.023810 -2021-09-20 08:48:34.317 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: and then we insist upon it the study of social deformities and infirmities and the task of pointing them out with a view to remedy is not a business in which choice is permitted -Output Transcription: and then we insist upon it the study of social deformities and infirmities and the task of pointing them out with a view to remedy is not a business in which choices permitted -2021-09-20 08:48:34.326 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.058824 -2021-09-20 08:48:34.339 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: miss woodley was too little versed in the subject to know this would have been not to love at all at least not to the extent of breaking through engagements and all the various obstacles that still militated against their union -Output Transcription: miss woodley was too little versed in the subject to know this would have been not to love at all at least not to the extent of breaking through engagements and all the various obstacles that still mitigated against their union -2021-09-20 08:48:34.352 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.024390 -2021-09-20 08:48:34.365 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: who was it she was in love with the story will tell i took upon myself to reply oh i can't wait for the story the story won't tell said douglas not in any literal vulgar way more's the pity then -Output Transcription: who was it she was in love with the story will tell i took upon myself to reply oh i can't wait for the story the story won't tell said douglas not in any literal vulgar way more the pity then -2021-09-20 08:48:34.378 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.024390 -2021-09-20 08:48:34.395 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: natty harmon tried the kitchen pump secretly several times during the evening for the water had to run up hill all the way from the well to the kitchen sink and he believed this to be a continual miracle that might give out at any moment -Output Transcription: nattie harmon tried the kitchen pump secretly several times during the evening for the water had to run up hill all the way from the well to the kitchen sink and he believed this to be a continual miracle that might give out at any moment -2021-09-20 08:48:34.412 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.021739 -2021-09-20 08:48:34.425 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: when she came to her senses and blushing to find herself in rodolfo's arms would have disengaged herself no senora he said that must not be strive not to withdraw from the arms of him who holds you in his soul -Output Transcription: when she came to her senses and blushing to find herself and rudolph's arms would have disengaged herself no senora he said that must not be strive not to withdraw from the arms of him who holds you in his soul -2021-09-20 08:48:34.438 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.048780 -2021-09-20 08:48:34.439 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: but the proprietor appeared already to have relinquished as hopeless the effort to perpetuate on this side of the atlantic in a hard soil and amid the close struggle for subsistence the native english taste for ornamental gardening -Output Transcription: but the proprietor appeared already to have relinquished as hopeless the effort to perpetuate on this side of the atlantic in a hard soil and amid the close struggle for subsistence the native english taste for ornamental gardening -2021-09-20 08:48:34.439 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:48:34.451 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: bragelonne watched for some time the conduct of the two lovers listened to the loud and uncivil slumbers of manicamp who snored as imperiously as though he was wearing his blue and gold instead of his violet suit -Output Transcription: raglan washed for some time the conduct of the two lovers listen to the loud and uncivil slumbers of minicamp who scored as imperiously as though he was wearing his blue and gold instead of his violet suit -2021-09-20 08:48:34.462 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.131579 -2021-09-20 08:48:34.472 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: for the great barn doors are thrown wide open and men are busy there mending the harness under the superintendence of mister goby the whittaw otherwise saddler who entertains them with the latest treddleston gossip -Output Transcription: where the great barn doors are thrown wide open and men are busy there mending the harness under the superintendence of mister goby the widow otherwise saddler who entertains them with a latest treadstone gossip -2021-09-20 08:48:34.482 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.114286 -2021-09-20 08:48:34.498 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: but do not suppose that i disparage the gift which you possess nor that i would discourage you from exercising it i only exhort you so to think of it and so to use it as to render it conducive to your own permanent good -Output Transcription: but do not suppose that i despaired the gift which you possess nor that i would discourage you from exercising it i only exhort you so to think of it and so to use it as surrender it conducive to your own permanent good -2021-09-20 08:48:34.513 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.066667 -2021-09-20 08:48:34.531 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: he is a welcome figure at the garden parties of the elect who are always ready to encourage him by accepting free seats for his play actor managers nod to him editors allow him to contribute without charge to a symposium on the price of golf balls -Output Transcription: he is a welcome figure at the garden parties of the elect who were always ready to encourage him by accepting free seats for his play actor managers nod to him anders allow him to contribute without charge to somos um on the price of golf both -2021-09-20 08:48:34.548 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.106383 -2021-09-20 08:48:34.549 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: poor douglas before his death when it was in sight committed to me the manuscript that reached him on the third of these days and that on the same spot with immense effect he began to read to our hushed little circle on the night of the fourth -Output Transcription: poor douglas before his death when it was in sight committed to me the manuscript that reached him on the third of these days and that on the same spot with immense effect he began to read to our hushed little circle on the night of the fourth -2021-09-20 08:48:34.549 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:48:34.560 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: o little cloud the virgin said i charge thee to tell me why thou complainest now when in one hour thou fade away then we shall seek thee but not find ah thel is like to thee -Output Transcription: o little cloud the virgin said i charge thee to tell me why thou complains now when in one hour thou fatal way then we shall seek me but not fine ah fell is like the -2021-09-20 08:48:34.570 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.216216 -2021-09-20 08:48:34.577 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the painter who says my grinder the notary who says my skip the gutter the hairdresser who says my mealyback the cobbler who says my cub talks slang -Output Transcription: the painter who says my grinder the notary who says my skip of the gutter the hair dresser who says my melba the cobbler who says my curb talks slang -2021-09-20 08:48:34.584 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.178571 -2021-09-20 08:48:34.585 | INFO | deepspeech2x.model:test:372 - Error rate [wer] (2352/?) = 0.069993 -2021-09-20 08:48:37.158 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: luis was out of danger in a fortnight in a month he rose from his bed and during all that time he was visited daily by his mother and grandmother and treated by the master and mistress of the house as if he was their own child -Output Transcription: is was out of danger in a fortnight in a month he rose from his bed and drawing all that time he was visited daily by his mother and grandmother and treated by the master and mistress of the house as if he was their own child -2021-09-20 08:48:37.177 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.042553 -2021-09-20 08:48:37.191 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: drunkenness and the other pathological consequences of the free use of stimulants therefore tend in their turn to become honorific as being a mark at the second remove of the superior status of those who are able to afford the indulgence -Output Transcription: drunkeness and the other pathological consequences of the free use of stimulants they have ten in their turn to become honorific as being a mark at the second remove of the superior status of those who are able to afford the indulgence -2021-09-20 08:48:37.206 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.097561 -2021-09-20 08:48:37.219 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: every line in which the master traces it even where seemingly negligent is lovely and set down with a meditative calmness which makes these two etchings capable of being placed beside the most tranquil work of holbein or duerer -Output Transcription: every line in which the master traces it even where seemingly negligent is lovely and sat down with a meditative calmness which makes these two edgings capable of being placed beside the most tranquil work of hobin ordure -2021-09-20 08:48:37.231 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.128205 -2021-09-20 08:48:37.232 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: whenever the sense of familiarity occurs without a definite object it leads us to search the environment until we are satisfied that we have found the appropriate object which leads us to the judgment this is familiar -Output Transcription: whenever the sense of familiarity occurs without a definite object it leads us to search the environment until we are satisfied that we have found the appropriate object which leads us to the judgment this is familiar -2021-09-20 08:48:37.232 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:48:37.247 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: be it said to the honor of some of the officers entrusted with the terrible commission that when they learned its true significance they resigned their authority rather than have anything to do with what they designated a cold blooded butchery -Output Transcription: be it said to the honour of some of the officers intrusted with a terrible commission that when they learnt its true significance they resign their authority rather than have anything to do with what they designated a cold blooded butchery -2021-09-20 08:48:37.261 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.121951 -2021-09-20 08:48:37.262 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: in an image of a well known face for example some parts may feel more familiar than others when this happens we have more belief in the accuracy of the familiar parts than in that of the unfamiliar parts -Output Transcription: in an image of a well known face for example some parts may feel more familiar than others when this happens we have more belief in the accuracy of the familiar parts than in that of the unfamiliar parts -2021-09-20 08:48:37.262 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:48:37.270 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: in a sunset glowing of crimson and gold she lies the glory of the world a beached king's galley whose sails are furled who is hung with tapestries rich and old -Output Transcription: in a sunset glowing of crimson and gold she lies the glory of the world he beached kings galley whose sails are furled he was hung with tapestries rich and old -2021-09-20 08:48:37.279 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.129032 -2021-09-20 08:48:37.279 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: of mark wylder i say this his name has been for years hateful to me and recently it has become frightful and you will promise me simply this that you will never ask me to speak again about him -Output Transcription: of mark wylder i say this his name has been for years hateful to me and recently it has become frightful and you will promise me simply this that you will never ask me to speak again about him -2021-09-20 08:48:37.279 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:48:37.294 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the fireball half of it white half azure blue and the size of a ten inch shell moved slowly about the raft but revolving on its own axis with astonishing velocity as if whipped round by the force of the whirlwind -Output Transcription: the fireball half of it why half azure blue and the size of a ten inch shell moved so about the raft but revolving on its own axis with astonishing velocity as if whip round by the force of the whirlwind -2021-09-20 08:48:37.308 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.073171 -2021-09-20 08:48:37.321 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the bond of union thus effected could never be severed and although ben zoof's achievements had fairly earned him the right of retirement he firmly declined all honors or any pension that might part him from his superior officer -Output Transcription: the bond of union thus effected could never be severed and although benzos achievements had fairly earned him the right of retirement he firmly declined all honors or any pension that might part him from his superior officer -2021-09-20 08:48:37.334 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.051282 -2021-09-20 08:48:37.334 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: before the settlement of terms the administration must be possessed entirely by the parliaments of both kingdoms and how incompatible that scheme with the liberty of the king is easily imagined -Output Transcription: before the settlement of terms the administration must be possessed entirely by the parliaments of both kingdoms and how incompatible that scheme with the liberty of the king is easily imagined -2021-09-20 08:48:37.335 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:48:37.343 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the london plant was less temporary but not permanent supplying before it was torn out no fewer than three thousand lamps in hotels churches stores and dwellings in the vicinity of holborn viaduct -Output Transcription: the london plant was less temporary but not permanent supplying before it was worn out no fewer than three thousand lamps in hotels churches stores and dwellings in the vicinity of holborn viaduct -2021-09-20 08:48:37.352 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.030303 -2021-09-20 08:48:37.363 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: it may be that a great colorist will use his utmost force of color as a singer his full power of voice but loud or low the virtue is in both cases always in refinement never in loudness -Output Transcription: it may be that a great colorless will use his utmost force of collar as a singer his full power of voice but loud or will the virtues in both cases always in refinement never in loudness -2021-09-20 08:48:37.374 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.131579 -2021-09-20 08:48:37.385 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: he doesn't say but it's on the frontier and on the map everything beyond it is marked indians and desert and looks as desolate as a wednesday meeting humph it was time for him to do something -Output Transcription: he doesn't say but it's on the frontier and on the map everything beyond it is marked indians and desert and looks as desolate as a wednesday meeting huh it was time for him to do something -2021-09-20 08:48:37.396 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.027027 -2021-09-20 08:48:37.406 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: a large open fireplace with rusty dogs in it and a bare boarded floor at the far end fleeces of wool stacked up in the middle of the floor some empty corn bags -Output Transcription: a large open fireplace with rusty dogs in it and a bearer boarded floor at the far end fleeces of wool stacked up in the middle of the floor some empty corn bags -2021-09-20 08:48:37.415 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.030303 -2021-09-20 08:48:37.431 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: much later when a friend of his was preparing an edition of all his latin works he remarked to his home circle if i had my way about it they would republish only those of my books which have doctrine my galatians for instance -Output Transcription: much later when a friend of his was preparing an edition of all his latin works he remarked to his home circle if i had my way about it they would republish only those of my books which have doctrine modulations for instance -2021-09-20 08:48:37.446 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.045455 -2021-09-20 08:48:37.447 | INFO | deepspeech2x.model:test:372 - Error rate [wer] (2368/?) = 0.069801 -2021-09-20 08:48:43.348 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: it was the white rabbit returning splendidly dressed with a pair of white kid gloves in one hand and a large fan in the other he came trotting along in a great hurry muttering to himself as he came oh the duchess the duchess -Output Transcription: it was the white rabbit returning splendidly dressed the pair white kid gloves in one hand and a large fan in the other he came trotting along in a great hurry muttering to himself as he came oh the duchess the duchess -2021-09-20 08:48:43.363 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.068182 -2021-09-20 08:48:43.381 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the dependent who was first delegated for these duties was the wife or the chief wife and as would be expected in the later development of the institution when the number of persons by whom these duties are customarily performed gradually narrows the wife remains the last -Output Transcription: the dependent who was first delegated for these duties was the wife or the chief wife and as would be expected in a later development of the institution when the number of persons for whom these due to sacs marily performed gradual and arrows the wife remains the last -2021-09-20 08:48:43.399 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.191489 -2021-09-20 08:48:43.400 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: shall i never miss home talk and blessing and the common kiss that comes to each in turn nor count it strange when i look up to drop on a new range of walls and floors another home than this -Output Transcription: shall i never miss home talk and blessing and the common kiss that comes to each in turn nor count it strange when i look up to drop on a new range of walls and floors another home than this -2021-09-20 08:48:43.400 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:48:43.421 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: it is also noticeable that the serviceability of consumption as a means of repute as well as the insistence on it as an element of decency is at its best in those portions of the community where the human contact of the individual is widest and the mobility of the population is greatest -Output Transcription: it is also noticeable that the sensibility of consumption as a means of repute as well as the insistence on it as an element of decency is at its best in those portions of the community where human contact of the individual is widest and the mobility of the population is greatest -2021-09-20 08:48:43.442 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.037736 -2021-09-20 08:48:43.443 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: assuredly if the tongue which a nation or a province has spoken is worthy of interest the language which has been spoken by a misery is still more worthy of attention and study -Output Transcription: assuredly if the tongue which a nation or a province has spoken is worthy of interest the language which has been spoken by a misery is still more worthy of attention and study -2021-09-20 08:48:43.443 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:48:43.443 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i have not asked him ruth replied with a look that might imply that she was one of those determined little bodies who first made up her own mind and then compelled others to make up theirs in accordance with hers -Output Transcription: i have not asked him ruth replied with a look that might imply that she was one of those determined little bodies who first made up her own mind and then compelled others to make up theirs in accordance with hers -2021-09-20 08:48:43.444 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:48:43.456 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: we don't spin tops is a favorite saying amongst artillery officers indicating that they do not shirk their duty by frivolous pursuits but it must be confessed that servadac being naturally idle was very much given to spinning tops -Output Transcription: we don't spend tops is a favourite saying amongst artillery officers indicating that they do not shirk their duty by frivolous pursuits but it must be confessed that serve ada being naturally idol was very much given the spinning tops -2021-09-20 08:48:43.469 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.153846 -2021-09-20 08:48:43.480 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the strong position held by the edison system under the strenuous competition that was already springing up was enormously improved by the introduction of the three wire system and it gave an immediate impetus to incandescent lighting -Output Transcription: the strong position held by the edison's system under the strenuous competition that was already springing up was enormously improved by the introduction of the three wire system and it gave an immediate impetus to incandescent lighting -2021-09-20 08:48:43.491 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.027027 -2021-09-20 08:48:43.500 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: brighter than early dawn's most brilliant dye are blown clear bands of color through the sky that swirl and sweep and meet to break and foam like rainbow veils upon a bubble's dome -Output Transcription: brighter than early dawns most brilliant die are blown clear bands of color through the sky that swirl and sweep and meet to break and foam like rainbow veils upon a bubble dome -2021-09-20 08:48:43.509 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.090909 -2021-09-20 08:48:43.510 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the definition of my experience is difficult broadly speaking it is everything that is connected with what i am experiencing now by certain links of which the various forms of memory are among the most important -Output Transcription: the definition of my experience is difficult broadly speaking it is everything that is connected with what i am experiencing now by certain links of which the various forms of memory are among the most important -2021-09-20 08:48:43.510 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:48:43.526 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: and so if i'd been delayed by a quarter of an hour or even less the frigate would have gone without me and i would have missed out on this unearthly extraordinary and inconceivable expedition whose true story might well meet with some skepticism -Output Transcription: and so if i had been delayed by a quarter of an hour or even less the frigate would have gone without me and i would have missed out on this unearthly extraordinary and inconceivable expedition whose true story might well meet with some skepticism -2021-09-20 08:48:43.542 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.045455 -2021-09-20 08:48:43.556 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the uncouth faces passed him two by two stained yellow or red or livid by the sea and as he strove to look at them with ease and indifference a faint stain of personal shame and commiseration rose to his own face -Output Transcription: the uncouth faces past him two by two stained yellow or red or livid by the sea and as he strove to look at them with ease and indifference a faint stain of personal shame and commiseration rose to his own face -2021-09-20 08:48:43.570 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.023810 -2021-09-20 08:48:43.580 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: one of his militia generals suggested that the governor should require the outlaws at lawrence and elsewhere to surrender the sharps rifles another wrote asking him to call out the government troops at fort leavenworth -Output Transcription: one of his militia general suggested that the governor should require the outlaws at lawrence and elsewhere to surrender the sharps rifles another road asking him to call out the government troops at fort leavenworth -2021-09-20 08:48:43.590 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.057143 -2021-09-20 08:48:43.590 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: like his unfortunate little cousin the teal he too had felt the fear of death smitten into his heart and was heading desperately for the refuge of some dark overhanging bank deep fringed with weeds where the dreadful eye of the hawk should not discern him -Output Transcription: like his unfortunate little cousin the teal he too had felt the fear of death smitten into his heart and was heading desperately for the refuge of some dark overhanging bank deep fringed with weeds where the dreadful eye of the hawk should not discern him -2021-09-20 08:48:43.590 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:48:43.602 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: to all appearance molly had got through her after dinner work in an exemplary manner had cleaned herself with great dispatch and now came to ask submissively if she should sit down to her spinning till milking time -Output Transcription: to all appearance mollie had got through her after dinner work in an exemplary manner had cleaned herself with great dispatch and now came to ask submissively if she should sit down to her spinning till milking time -2021-09-20 08:48:43.614 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.026316 -2021-09-20 08:48:43.634 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: you must know said margolotte when they were all seated together on the broad window seat that my husband foolishly gave away all the powder of life he first made to old mombi the witch who used to live in the country of the gillikins to the north of here -Output Transcription: you must know said margo late when they were all seated together on the broad window seat that my husband foolishly gave away all the powder of life he first made to old more the witch who used to live in the country of the gillian to the north of here -2021-09-20 08:48:43.654 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.080000 -2021-09-20 08:48:43.655 | INFO | deepspeech2x.model:test:372 - Error rate [wer] (2384/?) = 0.069508 -2021-09-20 08:48:46.734 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: it was idle for him to move himself to be generous towards them to tell himself that if he ever came to their gates stripped of his pride beaten and in beggar's weeds that they would be generous towards him loving him as themselves -Output Transcription: it was idle for him to move himself to be generous towards them to tell himself that if he ever came to their gates stripped of his pride beaten and in beggar's weeds that they would be generous towards him loving him as themselves -2021-09-20 08:48:46.735 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:48:46.750 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: well you know radie women like wicked fellows it is contrast i suppose but they do and i'm sure from what bracton has said to me i know him intimately that dorcas likes him and i can't conceive why they are not married -Output Transcription: well you know ready women like wicked fellows it is contrast i suppose but they do and i'm sure from what brocton has said to me i know him intimately that dorcas likes him and i can't conceive why they are not married -2021-09-20 08:48:46.765 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.046512 -2021-09-20 08:48:46.765 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: it was a look so intelligent yet inexplicable perverse sometimes so malicious but generally accompanied by a wild flow of spirits that hester could not help questioning at such moments whether pearl was a human child -Output Transcription: it was a look so intelligent yet inexplicable perverse sometimes so malicious but generally accompanied by a wild flow of spirits that hester could not help questioning at such moments whether pearl was a human child -2021-09-20 08:48:46.765 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:48:46.776 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: he doesn't say exactly what it is said ruth a little dubiously but it's something about land and railroads and thee knows father that fortunes are made nobody knows exactly how in a new country -Output Transcription: he doesn't say exactly what it is said ruth a little dubiously but it's something about land and railroads and the nos father that fortunes are made nobody knows exactly how in a new country -2021-09-20 08:48:46.786 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.057143 -2021-09-20 08:48:46.795 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: in the shooting of sheriff jones in lawrence and in the refusal of ex governor beeder to allow the deputy marshal to arrest him they discovered grave offenses against the territorial and united states laws -Output Transcription: in the shooting of sheriff jones and lawrence and in the refusal of exgovernor reader to allow the deputy marshal to arrest him they discovered grave offences against the territorial and the united states laws -2021-09-20 08:48:46.805 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.171429 -2021-09-20 08:48:46.820 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i can afford to smile because i am absolutely powerless before you but i do not the less feel that in a matter in which the progress of the world is concerned i or rather we have been put down by brute force -Output Transcription: i can afford to smile because i am absolutely perilous before you but i do not the less feel that in a matter of which the progress of the world is concerned i or rather we have been put down by brute force -2021-09-20 08:48:46.835 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.046512 -2021-09-20 08:48:46.846 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: but this inestimable privilege was soon violated with the knowledge of truth the emperor imbibed the maxims of persecution and the sects which dissented from the catholic church were afflicted and oppressed by the triumph of christianity -Output Transcription: but this inestimable privilege was soon violated with the knowledge of truth the emperor imbibe the maxims of persecution and the sets which dissented from the catholic church were afflicted and oppressed by the triumph of christianity -2021-09-20 08:48:46.857 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.054054 -2021-09-20 08:48:46.867 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: sheriff jones had his pockets always full of writs issued in the spirit of persecution but was often baffled by the sharp wits and ready resources of the free state people and sometimes defied outright -Output Transcription: sheriff jones had his pocket always full of writs issued in a spirit of persecution that was often baffled by the sharp wits and ready resources of the free state people and sometimes defied outright -2021-09-20 08:48:46.876 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.085714 -2021-09-20 08:48:46.887 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the place he had was a very good one the sun shone on him as to fresh air there was enough of that and round him grew many large sized comrades pines as well as firs -Output Transcription: the place he had was a very good one the sun shone on him as to fresh air there was enough of that and round him grew many large sized comrades pines as well as furs -2021-09-20 08:48:46.898 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.027778 -2021-09-20 08:48:46.907 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i am a very unpleasant pupil always asking questions curious troublesome insatiable and even supposing that i could meet with the teacher i require i am afraid i am not rich enough to pay him -Output Transcription: i am a very unpleasant pupil always asking questions curious troublesome insatiable and even supposing that i couldn't meet with a teacher i require i am afraid i am not rich enough to pay him -2021-09-20 08:48:46.917 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.057143 -2021-09-20 08:48:46.924 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: we have always thought that it was sometimes a courageous act and at least a simple and useful deed worthy of the sympathetic attention which duty accepted and fulfilled merits -Output Transcription: we have always thought that it was sometimes a courageous act and at least is simple and useful deed worthy of the sympathetic attention which duty accepted and fulfilled merits -2021-09-20 08:48:46.932 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.033333 -2021-09-20 08:48:46.946 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: they are beyond all other works that i know existing dependent for their effect on low subdued tones their favorite choice in time of day being either dawn or twilight and even their brightest sunsets produced chiefly out of gray paper -Output Transcription: they are beyond all other works that i know existing dependent for their effect on low subdued terms their favorite choice in time of day being either dawn or twilight and even their brightest sunsets produced chiefly out of gray paper -2021-09-20 08:48:46.959 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.024390 -2021-09-20 08:48:46.960 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: we sometimes have images that are by no means peculiarly vague which yet we do not trust for example under the influence of fatigue we may see a friend's face vividly and clearly but horribly distorted -Output Transcription: we sometimes have images that are by no means peculiarly vague which yet we do not trust for example under the influence of fatigue we may see a friend's face vividly and clearly but horribly distorted -2021-09-20 08:48:46.960 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:48:46.974 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: thinks i to myself i never seen anything osh popham couldn't mend if he took time enough and glue enough so i carried this little feller home in a bushel basket one night last month an i've spent eleven evenin's puttin him together -Output Transcription: thinks it myself i never seen anything asked papa good men if he took time enough and blue enough so i carry this little feller how an bushels at one night last month and i've spent a liban evening putting him together -2021-09-20 08:48:46.989 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.418605 -2021-09-20 08:48:47.005 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: nothing will be more precious to you i think in the practical study of art than the conviction which will force itself on you more and more every hour of the way all things are bound together little and great in spirit and in matter -Output Transcription: nothing will be more precious to you i think in the practical study of art than the conviction which will force itself on you more and more every hour of the way all things are bound together little and great in spirit and matter -2021-09-20 08:48:47.020 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.022222 -2021-09-20 08:48:47.021 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: with many variations suggested by the nature of his building materials diversity of climate and a different mode of social life governor bellingham had planned his new habitation after the residences of gentlemen of fair estate in his native land -Output Transcription: with many variations suggested by the nature of his building materials diversity of climate and a different mode of social life governor bellingham had planned his new habitation after the residences of gentlemen of fair estate in his native land -2021-09-20 08:48:47.021 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:48:47.022 | INFO | deepspeech2x.model:test:372 - Error rate [wer] (2400/?) = 0.069468 -2021-09-20 08:48:51.397 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: at last the little mice stayed away also and the tree sighed after all it was very pleasant when the sleek little mice sat round me and listened to what i told them -Output Transcription: at last the little mice stayed away also and the tree side after all it was very pleasant when the sleek little mice sat around me and listen to what i told them -2021-09-20 08:48:51.406 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.090909 -2021-09-20 08:48:51.418 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: they were later used as reserve machines and finally with the engine retired from service as part of the collection of edisonia but they remain in practically as good condition as when installed in eighteen eighty three -Output Transcription: they were later used as reserved machines and finally with the engine retired from service as part of the collection of ansonia but they remain in practically as good condition as one installed in eighteen eighty three -2021-09-20 08:48:51.430 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.081081 -2021-09-20 08:48:51.442 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: now this knife was a splendid one though half the blade was gone and the handle was a little cracked and anders knew that one is almost a man as soon as one has a jack knife -Output Transcription: now this knife was a splendid one though half the blame was gone and the handle was a little cracked and anders now that one is almost a man as soon as one has a jack knife -2021-09-20 08:48:51.453 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.054054 -2021-09-20 08:48:51.454 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: but they dragged him out of the room and up the stairs into the loft and here in a dark corner where no daylight could enter they left him -Output Transcription: but they dragged him out of the room and up the stairs into the loft and here in a dark corner where no daylight could enter they left him -2021-09-20 08:48:51.454 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:48:51.465 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: in the supposed depths of this dialogue the neo platonists found hidden meanings and connections with the jewish and christian scriptures and out of them they elicited doctrines quite at variance with the spirit of plato -Output Transcription: in the supposed depths of this dialogue the neoplatonists found hidden meanings in connections with the jewish and christian scriptures and out of them they elicited doctrines quite at variance with the spirit of plato -2021-09-20 08:48:51.476 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.083333 -2021-09-20 08:48:51.491 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the modest fellow would have liked fame thrust upon him for some worthy achievement it might be for a book or for the skillful management of some great newspaper or for some daring expedition like that of lieutenant strain or doctor kane -Output Transcription: the modest fellow would have liked fame thrust upon him for some worthy achievement it might be for a book or for the skillful management of some great newspaper or for some daring expedition like that of latinate strain or doctor can -2021-09-20 08:48:51.505 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.047619 -2021-09-20 08:48:51.534 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: that would be very well my child replied her father if your plan were not liable to be frustrated by ordinary cunning but no doubt this image has been already missed by its owner and he will have set it down for certain that it was taken out of the room by the person he locked up there -Output Transcription: that would be very well my child replied her father if your plan were not liable to be frustrated by ordinary cunning but no doubt this image had been already missed by its owner and you will have set it down for certain that it was taken out of the room by the person he locked up there -2021-09-20 08:48:51.561 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.034483 -2021-09-20 08:48:51.562 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: one perceives without understanding it a hideous murmur sounding almost like human accents but more nearly resembling a howl than an articulate word -Output Transcription: one perceives without understanding it a hideous murmur sounding almost like human accents but more nearly resembling a howl than an articulate word -2021-09-20 08:48:51.562 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:48:51.586 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: mister meadowcroft the elder having not spoken one word thus far himself introduced the newcomer to me with a side glance at his sons which had something like defiance in it a glance which as i was sorry to notice was returned with the defiance on their side by the two young men -Output Transcription: mister medico the elder having not spoken one word thus far himself introduced the new comer to me with a side glance at his sons which had something like defiance in it a glance which as i was sorry to notice was returned with the defiance on their side by the two young men -2021-09-20 08:48:51.610 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.056604 -2021-09-20 08:48:51.610 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: now for one little half hour she had been a woman talking to a boy no not even that she had been talking just talking there were no persons in the conversation just things one thing cotton -Output Transcription: now for one little half hour she had been a woman talking to a boy no not even that she had been talking just talking there were no persons in the conversation just things one thing cotton -2021-09-20 08:48:51.610 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:48:51.622 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: we do not know how plato would have arranged his own dialogues or whether the thought of arranging any of them besides the two trilogies which he has expressly connected was ever present to his mind -Output Transcription: we do not know how plato would have arranged his own dialects or whether the thought of arranging any of them besides the two trilogies which he has expressly connected was ever present to his mind -2021-09-20 08:48:51.633 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.027778 -2021-09-20 08:48:51.647 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: for it is a solid heavy handsome door and must once have been in the habit of shutting with a sonorous bang behind a liveried lackey who had just seen his master and mistress off the grounds in a carriage and pair -Output Transcription: for it is a solid heavy handsome door and must once have been in the habit of shutting with sonorous bang behind the livery lackey who had just seen his master and mistress of the grounds in a carriage and pair -2021-09-20 08:48:51.662 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.095238 -2021-09-20 08:48:51.679 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: you will carry out with you one hundred men of the north north west birmingham regiment which will probably suffice for your own security as it is thought that if mister neverbend be withdrawn the people will revert easily to their old habits of obedience -Output Transcription: you will carry out with you one hundred men of the north northwest birmingham regiment which will probably suffice for your own security as it is thought that if mister never been be withdrawn the people will revert easily to their old habits of obedience -2021-09-20 08:48:51.696 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.088889 -2021-09-20 08:48:51.696 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: it was strange too that he found an arid pleasure in following up to the end the rigid lines of the doctrines of the church and penetrating into obscure silences only to hear and feel the more deeply his own condemnation -Output Transcription: it was strange too that he found an arid pleasure in following up to the end the rigid lines of the doctrines of the church and penetrating into obscure silences only to hear and feel the more deeply his own condemnation -2021-09-20 08:48:51.697 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:48:51.709 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the fancies of the neo platonists are only interesting to us because they exhibit a phase of the human mind which prevailed widely in the first centuries of the christian era and is not wholly extinct in our own day -Output Transcription: the fancies of the new platonists are only interesting to us because they excite a face of the human mind which prevail widely in the first centuries of the christian era and is not wholly extinct in our own day -2021-09-20 08:48:51.722 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.100000 -2021-09-20 08:48:51.743 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: it is to let hamlet if that happen to be the name of your character enter with a small dog pet falcon mongoose tame bear or whatever animal is most in keeping with the part and confide in this animal such sorrows hopes or secret history as the audience has got to know -Output Transcription: it is to let hamlet if that happened to be the name of your character in rule small dog pet falcon amongs tabar whatever animal is most in keeping with the part and confide in this animal such sorrows hopes or secret history as the audience has got to know -2021-09-20 08:48:51.764 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.150943 -2021-09-20 08:48:51.765 | INFO | deepspeech2x.model:test:372 - Error rate [wer] (2416/?) = 0.069335 -2021-09-20 08:48:55.397 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the face of the mahogany shone with delight and why not when it was doing everything almost everything within the scope of a piano and yet the family had enjoyed weeks of good nourishing meals on what had been saved by its exertions -Output Transcription: the face of the mahogany shown with delight and why not when it was doing everything almost everything within the scope of a piano and yet the family had enjoyed weeks of good nourishing meals on what had been saved by its exertions -2021-09-20 08:48:55.412 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.023256 -2021-09-20 08:48:55.429 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: eleven o'clock had struck it was a fine clear night they were the only persons on the road and they sauntered leisurely along to avoid paying the price of fatigue for the recreation provided for the toledans in their valley or on the banks of their river -Output Transcription: eleven o'clock had struck it was a fine clear night there are the only persons on the road and they sauntered leisurely along to avoid paying the price of fatigue for the recreation provided for the aliens in the valley or on the banks of their river -2021-09-20 08:48:55.447 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.085106 -2021-09-20 08:48:55.457 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: there is a want of flow and often a defect of rhythm the meaning is sometimes obscure and there is a greater use of apposition and more of repetition than occurs in plato's earlier writings -Output Transcription: there is a want of flow and often a defect of rhythm the meaning is sometimes obscure and there is a greater use of position and more of repetition than occurs in plato's earlier writings -2021-09-20 08:48:55.466 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.028571 -2021-09-20 08:48:55.479 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: but when it came to be a question of lighting a scattered suburb a group of dwellings on the outskirts a remote country residence or a farm house the alternating current in all elements save its danger was and is ideal -Output Transcription: but when it came to be a question of lighting a scattered summer a group of dwellings on the outskirts a remote country residence or a far mouse the alternating current in all elements save its danger was and is ideal -2021-09-20 08:48:55.492 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.073171 -2021-09-20 08:48:55.509 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: habit is a concept involving the occurrence of similar events at different times if the behaviourist feels confident that there is such a phenomenon as habit that can only be because he trusts his memory when it assures him that there have been other times -Output Transcription: habit is a concept involving the occurrence of similar events at different times if the behaviorist fills confident that there is such a phenomenon as habit that can only be because he trusts his memory when it assures him that there have been other times -2021-09-20 08:48:55.525 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.044444 -2021-09-20 08:48:55.545 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: a few years back one of their slaves a coachman was kept on the coach box one cold night when they were out at a ball until he became almost frozen to death in fact he did die in the infirmary from the effects of the frost about one week afterwards -Output Transcription: a few years back one of their slaves a coachman was kept on the coach box one cold night when they were out at a ball until he became almost frozen to death in fact he did die in the infirmary from the effects of the front about one week afterwards -2021-09-20 08:48:55.565 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.019608 -2021-09-20 08:48:55.587 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: my pursuits are peaceful and my temper i humbly trust is greatly given to mercy and love returned david a little nettled at so direct an attack on his manhood but there are none who can say that i have ever forgotten my faith in the lord even in the greatest straits -Output Transcription: my pursuits are peaceful and my temper i humbly trust is greatly given to mercy and love returned david a little nettled that so direct an attack on his manhood but there are none who can say that i have ever forgotten my faith in the lord even in the greatest straits -2021-09-20 08:48:55.608 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.019231 -2021-09-20 08:48:55.625 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: if it be granted first that the thoughts of a certain character should be known to the audience and secondly that soliloquy or the habit of thinking aloud is in opposition to modern stage technique how shall a soliloquy be avoided without damage to the play -Output Transcription: if it be granted first that the thoughts of a certain character should be known to the audience and secondly that soliloquy or the habit of thinking aloud is in opposition to modern stage take in halohalo the liquid be avoided without damage to the play -2021-09-20 08:48:55.641 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.108696 -2021-09-20 08:48:55.659 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: we shall be blown up but no the dazzling disk of mysterious light nimbly leaps aside it approaches hans who fixes his blue eye upon it steadily it threatens the head of my uncle who falls upon his knees with his head down to avoid it -Output Transcription: we shall be blown up but no the dazzling disk a mysterious light nibbling leaps aside it approaches hans who fixes his blue eye upon it steadily it threatens the head of my uncle who falls upon his knees with his head down to avoid it -2021-09-20 08:48:55.676 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.043478 -2021-09-20 08:48:55.676 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the departing ladies who had said they would stay didn't of course thank heaven stay they departed in consequence of arrangements made in a rage of curiosity as they professed produced by the touches with which he had already worked us up -Output Transcription: the departing ladies who had said they would stay didn't of course thank heaven stay they departed in consequence of arrangements made in a rage of curiosity as they professed produced by the touches with which he had already worked us up -2021-09-20 08:48:55.677 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:48:55.695 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: it was quite true that a vessel was in sight hardly more than six miles from the shore but owing to the increase in the earth's convexity and the consequent limitation of the range of vision the rigging of the topmasts alone was visible above the water -Output Transcription: it was quite true that a vessel was in sight hardly more than six miles from the shore but owing to the increase in the earth's convexity and the consequent limitation of the range of vision the rigging of the top masts alone was visible above the water -2021-09-20 08:48:55.713 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.042553 -2021-09-20 08:48:55.714 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: by degrees all his happiness all his brilliancy subsided into regret and uneasiness so that his limbs lost their power his arms hung heavily by his sides and his head drooped as though he was stupefied -Output Transcription: by degrees all his happiness all his brilliancy subsided into regret and uneasiness so that his limbs lost their power his arms hung heavily by his sides and his head drooped as though he was stupefied -2021-09-20 08:48:55.714 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:48:55.733 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the law of that school is that everything shall be seen clearly or at least only in such mist or faintness as shall be delightful and i have no doubt that the best introduction to it would be the elementary practice of painting every study on a golden ground -Output Transcription: the law of that schools that everything shall be seen clearly or at least only in such mister faintness as shall be delightful and i have no doubt that the best introduction to it would be the elementary practice of painting every study on a golden ground -2021-09-20 08:48:55.751 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.081633 -2021-09-20 08:48:55.764 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: at that epoch of pristine simplicity however matters of even slighter public interest and of far less intrinsic weight than the welfare of hester and her child were strangely mixed up with the deliberations of legislators and acts of state -Output Transcription: at that epoch of pristine simplicity however matters of even slighter public interest under far less intrinsic weight than the welfare of hester and her child were strangely mixed up with the deliberations of legislators and acts of state -2021-09-20 08:48:55.776 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.050000 -2021-09-20 08:48:55.793 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: totty however had descended from her chair with great swiftness and was already in retreat towards the dairy with a sort of waddling run and an amount of fat on the nape of her neck which made her look like the metamorphosis of a white suckling pig -Output Transcription: toddy however had descended from her chair with great swiftness and was already in retreat towards the dairy with a sort of waddling run and an amount of fat on the nape of her neck which made her look like the metamorphosis of a white suckling pig -2021-09-20 08:48:55.811 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.021277 -2021-09-20 08:48:55.830 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the condition is that i will be permitted to make luther talk american streamline him so to speak because you will never get people whether in or outside the lutheran church actually to read luther unless we make him talk as he would talk today to americans -Output Transcription: the condition is that i will be permitted to make luther talk american stream light him so to speak because you will never get people whether in or outside the lutheran church actually to read luther and must we make him talk as he would talk to day to americans -2021-09-20 08:48:55.848 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.127660 -2021-09-20 08:48:55.849 | INFO | deepspeech2x.model:test:372 - Error rate [wer] (2432/?) = 0.068995 -2021-09-20 08:49:01.622 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the family likeness between her and her niece dinah morris with the contrast between her keenness and dinah's seraphic gentleness of expression might have served a painter as an excellent suggestion for a martha and mary -Output Transcription: the family likeness between her and her knees dana morris with the contrast between her keenness and danas seraphic gentleness of expression might have served a painter as an excellent suggestion for a martha and mary -2021-09-20 08:49:01.634 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.083333 -2021-09-20 08:49:01.646 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: brooding over all these matters the mother felt like one who has evoked a spirit but by some irregularity in the process of conjuration has failed to win the master word that should control this new and incomprehensible intelligence -Output Transcription: brooding over all these matters the mother felt like one who has evoked the spirit but by some irregularity in the process of conjuration has failed to win the master word that should control this new and incomprehensible intelligence -2021-09-20 08:49:01.658 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.025641 -2021-09-20 08:49:01.684 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: when i found it i said to myself that it would do nicely for my servant girl for when she was brought to life she would not be proud nor haughty as the glass cat is for such a dreadful mixture of colors would discourage her from trying to be as dignified as the blue munchkins are -Output Transcription: when i found it i said to myself that it would do nicely for my servant girl for when she was brought to life she would not be proud or haughty as the glass cat is for such a dreadful mixture of colours would discourage her from trying to be as dignified as the blue munchkins are -2021-09-20 08:49:01.709 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.035088 -2021-09-20 08:49:01.710 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: this i felt was paid to me as being president of the republic and i endeavoured to behave myself with such mingled humility and dignity as might befit the occasion but i could not but feel that something was wanting to the simplicity of my ordinary life -Output Transcription: this i felt was paid to me as being president of the republic and i endeavoured to behave myself with such mingled humility and dignity as might befit the occasion but i could not but feel that something was wanting to the simplicity of my ordinary life -2021-09-20 08:49:01.710 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:49:01.720 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: do not suppose however that missus poyser was elderly or shrewish in her appearance she was a good looking woman not more than eight and thirty of fair complexion and sandy hair well shapen light footed -Output Transcription: do not suppose however that missus poyser was elderly or shrewish in her appearance she was a good looking woman not more than eight in thirty a fair complexion and sandy hair well shape lightfooted -2021-09-20 08:49:01.730 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.138889 -2021-09-20 08:49:01.748 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: there were a few rose bushes however and a number of apple trees probably the descendants of those planted by the reverend mister blackstone the first settler of the peninsula that half mythological personage who rides through our early annals seated on the back of a bull -Output Transcription: there were a few rose bushes however and a number of apple trees probably the descendants of those planted by the reverend mister blackstone the first settler of the peninsula that half mythological personage who rides through our early annals seated on the back of a ball -2021-09-20 08:49:01.765 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.021277 -2021-09-20 08:49:01.783 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the description she gave of the coming reception to the woman's political league was so humorous and diverting that they were both laughing heartily over the thing when the young people passed them and thus mister hopkins failed to notice who the occupants of the other vehicle were -Output Transcription: the description she gave of the coming reception to the women's political league was so humorous and diverting that they were both laughing heartily over the thing when the young people pass them and thus mister hopkins failed to notice who the occupants of the other vehicle were -2021-09-20 08:49:01.801 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.041667 -2021-09-20 08:49:01.810 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: my heart doth plead that thou in him dost lie a closet never pierc'd with crystal eyes but the defendant doth that plea deny and says in him thy fair appearance lies -Output Transcription: my heart doth plead that thou inhuman doth lie a closet never pierced with crystal eyes but the defendant doth that we deny and says in him thy fair appearance lies -2021-09-20 08:49:01.818 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.156250 -2021-09-20 08:49:01.834 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: idle and embittering finally to argue against his own dispassionate certitude that the commandment of love bade us not to love our neighbour as ourselves with the same amount and intensity of love but to love him as ourselves with the same kind of love -Output Transcription: idle and em bittering finally to argue against his own dispassionate certitude that the commandment of love bade us not to love our neighbour as ourselves with the same amount and intensity of love but to love him as ourselves with the same kind of love -2021-09-20 08:49:01.850 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.044444 -2021-09-20 08:49:01.868 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: of what missus neverbend had gone through in providing birds beasts and fishes not to talk of tarts and jellies for the dinner of that day no one but myself can have any idea but it must be admitted that she accomplished her task with thorough success -Output Transcription: of what missus never been had gone through in providing birds beasts and fishes not to talk of tarts and jellies for the dinner of that day no one but myself can have any idea but it must be admitted that she accomplished her task with thorough success -2021-09-20 08:49:01.886 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.042553 -2021-09-20 08:49:01.905 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: indeed irresolution being the keynote of hamlet's soliloquy a clever player could to some extent indicate the whole thirty lines by a silent working of the jaw but at the same time it would be idle to deny that he would miss the finer shades of the dramatist's meaning -Output Transcription: indeed irresolution made the indolent to louie a clever player could to some extent indicate the whole thirty lines by a silage worthy of the job but at the same time it would be idle to deny that he would miss the finer shades of the dramatists meaning -2021-09-20 08:49:01.923 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.183673 -2021-09-20 08:49:01.936 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: her face was an enigma for it inspired everyone with the warmest sympathy and yet if you examined it attentively there was not one beautiful feature she could not be called handsome but no one could have thought her ugly -Output Transcription: her face was an enigma for it inspired everyone with the warmest sympathy and yet if you examine it attentively there was not one beautiful feature she could not be called handsome but no one could have thought her ugly -2021-09-20 08:49:01.948 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.025000 -2021-09-20 08:49:01.962 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: whether or not this principle is liable to exceptions everyone would agree that is has a broad measure of truth though the word exactly might seem an overstatement and it might seem more correct to say that ideas approximately represent impressions -Output Transcription: whether or not this principle is liable to exceptions everyone would agree that it has a broad measure of truth though the word exactly my semen over statement and it might seem more correct to say that it is approximately represent impressions -2021-09-20 08:49:01.976 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.170732 -2021-09-20 08:49:01.991 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: it was further decorated with strange and seemingly cabalistic figures and diagrams suitable to the quaint taste of the age which had been drawn in the stucco when newly laid on and had now grown hard and durable for the admiration of after times -Output Transcription: it was further decorated with strange and seemingly cabalistic figures and diagrams suitable to the quant taste of the age which had been drawn in the stucco when newly laid on and had now grown hard and durable for the admiration of after times -2021-09-20 08:49:02.006 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.022727 -2021-09-20 08:49:02.034 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the guards had a terrible struggle with the goat which was loose in the room and still wanted to fight but finally they subdued the animal and then they took the boolooroo out of the frame he was tied in and brought both him and the goat before queen trot who awaited them in the throne room of the palace -Output Transcription: the guards had a terrible struggle with the goat which was loose in the room and still wanted to fight but finally they subdued the animal and then they took the boy out of the frame was tied in and brought both him and the goat before queen trot who awaited them in the throne room of the palace -2021-09-20 08:49:02.061 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.033333 -2021-09-20 08:49:02.082 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: this attitude springs from a false conception of sin the conception that sin is a small matter easily taken care of by good works that we must present ourselves unto god with a good conscience that we must feel no sin before we may feel that christ was given for our sins -Output Transcription: this attitude springs from a false conception of sin the conception that sin is a small matter easily taken care of by good works that we must present ourselves unto god with a good conscience that we must feel no sin before may feel that christ was given for our sense -2021-09-20 08:49:02.102 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.038462 -2021-09-20 08:49:02.103 | INFO | deepspeech2x.model:test:372 - Error rate [wer] (2448/?) = 0.068888 -2021-09-20 08:49:05.824 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the merganser had a crested head of iridescent green black a broad collar of lustrous white black back black and white wings white belly sides finely pencilled in black and white and a breast of rich chestnut red streaked with black -Output Transcription: the merganser had a crested head of iridescent green black a broad collar of lustrous white black back black and white wings white belly sides finely pencilled in black and white and her breast of rich chestnut red streaked with black -2021-09-20 08:49:05.837 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.024390 -2021-09-20 08:49:05.847 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: associated with this simple form of apparatus were various ingenious details and refinements to secure regularity of operation freedom from inaccuracy and immunity from such tampering as would permit theft of current or damage -Output Transcription: associated with this simple form of apparatus were various ingenious details and refinements to secure regularity of operation freedom from inaccuracy and immunity from such tampering as would permit theft if current or damage -2021-09-20 08:49:05.856 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.029412 -2021-09-20 08:49:05.856 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: this at once compels you to understand that the work is to be imaginative and decorative that it represents beautiful things in the clearest way but not under existing conditions and that in fact you are producing jeweler's work rather than pictures -Output Transcription: this at once compels you to understand that the work is to be imaginative and decorative that it represents beautiful things in the clearest way but not under existing conditions and that in fact you are producing jeweler's work rather than pictures -2021-09-20 08:49:05.856 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:49:05.873 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: hester could only account for the child's character and even then most vaguely and imperfectly by recalling what she herself had been during that momentous period while pearl was imbibing her soul from the spiritual world and her bodily frame from its material of earth -Output Transcription: hester could only account for the child's character and even then most vaguely and imperfectly by recalling what she herself had been during that moment is period while pearl was imbibing her soul from the spiritual world and her bodily frame from its material of earth -2021-09-20 08:49:05.889 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.044444 -2021-09-20 08:49:05.901 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: and she took anders hand and walked with him up the broad marble stairs where soldiers were posted at every third step and through the magnificent halls where courtiers in silk and velvet stood bowing wherever he went -Output Transcription: and she took xander's hand and walked with him up the broad marble stairs where soldiers were posted at every third step and through the magnificent halls where courtiers in silk and velvet stood bowing wherever he went -2021-09-20 08:49:05.912 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.026316 -2021-09-20 08:49:05.925 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the practise of gathering its proselytes into one place prevents the building up and strengthening of foreign branches and inasmuch as extensive and strong organizations are seldom met with abroad very erroneous ideas exist concerning the strength of the church -Output Transcription: the practice of gathering its proselytes into one place prevents the building up and strengthening a foreign branches and inasmuch as extensive and strong organizations are seldom met with abroad very erroneous ideas exist concerning the strength of the church -2021-09-20 08:49:05.938 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.050000 -2021-09-20 08:49:05.950 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: there are however several points in which such an account of recognition is inadequate to begin with it might seem at first sight more correct to define recognition as i have seen this before than as this has existed before -Output Transcription: there are however several points in which such an account of recognition is inadequate to begin with it might seem at first sight more correct to define recognition as i have seen this before then as this has existed before -2021-09-20 08:49:05.963 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.025000 -2021-09-20 08:49:05.981 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: god as a direct consequence of the sin which man thus punished had given her a lovely child whose place was on that same dishonoured bosom to connect her parent for ever with the race and descent of mortals and to be finally a blessed soul in heaven -Output Transcription: god as a direct consequence of the sin which man thus punished had given her a lovely child whose place was on that same dishonored bosom to connect her parent forever with the race and descent of mortals and to be finally a blessed soul in heaven -2021-09-20 08:49:05.999 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.062500 -2021-09-20 08:49:06.016 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: on the table in token that the sentiment of old english hospitality had not been left behind stood a large pewter tankard at the bottom of which had hester or pearl peeped into it they might have seen the frothy remnant of a recent draught of ale -Output Transcription: on the table in token that the sentiment of old english hospitality had not been left behind stood a large pewter tankard at the bottom of which had hester or pearl peeped into it they might have seen the frothy remnant of a recent draft of ale -2021-09-20 08:49:06.033 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.021277 -2021-09-20 08:49:06.048 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: in place of a single hamlet in the smallest corner of which the members could have congregated there now are about seventy stakes of zion and about seven hundred organized wards each ward and stake with its full complement of officers and priesthood organizations -Output Transcription: in place have a single hamlet in the smallest corner of which the members could have congregated there now are about seventy stakes of zion and about seven hundred organized words each word and stake with its full complement of officers and prised organizations -2021-09-20 08:49:06.063 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.090909 -2021-09-20 08:49:06.087 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: but the actual course of development has been somewhat different from this ideal scheme leisure held the first place at the start and came to hold a rank very much above wasteful consumption of goods both as a direct exponent of wealth and as an element in the standard of decency during the quasi peaceable culture -Output Transcription: but the actual course of development has been somewhat different from this ideal scheme leisure held the first place at the start and came to a rank fermentable wasteful consumption of goods both as a direct exponent of wealth and as an element in the standard of decency during the course i peaceful culture -2021-09-20 08:49:06.110 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.125000 -2021-09-20 08:49:06.132 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: p s pray sir excuse me for writing to you a second time i could not help writing partly to tell you how thankful i am for your kindness and partly to let you know that your advice shall not be wasted however sorrowfully and reluctantly it may be at first followed c b -Output Transcription: p s pray sir excuse me for writing to you second time i could not help writing partly to tell you how thankful i am for your kindness and partly to let you know that your advice shall not be wasted however sorrowful and reluctantly it may be at first followed by -2021-09-20 08:49:06.154 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.074074 -2021-09-20 08:49:06.165 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the dynamo electric machine though small was robust for under all the varying speeds of water power and the vicissitudes of the plant to which it belonged it continued in active use until eighteen ninety nine seventeen years -Output Transcription: the dynamo electric machine though small was robust for under all the varying speeds of waterpower and the vicissitudes of the plant to which it belonged it continued in active use until eighteen ninety nine seventeen years -2021-09-20 08:49:06.176 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.052632 -2021-09-20 08:49:06.196 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: if a man had stolen a pound in his youth and had used that pound to amass a huge fortune how much was he obliged to give back the pound he had stolen only or the pound together with the compound interest accruing upon it or all his huge fortune -Output Transcription: if a man had stole on a pound in his youth and had used that pound to amass a huge fortune how much was he obliged to give back the pound he had stolen only or the pound together with the compound interest accruing upon it or all his huge fortune -2021-09-20 08:49:06.216 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.040000 -2021-09-20 08:49:06.230 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: but continued raoul not interrupted by this movement of his friend heaven be praised the french who are pronounced to be thoughtless and indiscreet reckless even are capable of bringing a calm and sound judgment to bear on matters of such high importance -Output Transcription: but continued raoul not interrupted by this moment of his friend heaven be praised the french who are pronounced to be thoughtless and indiscreet reckless even are capable of bringing a calm and sound judgment to barely matters of such high importance -2021-09-20 08:49:06.244 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.069767 -2021-09-20 08:49:06.257 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: our confidence or lack of confidence in the accuracy of a memory image must in fundamental cases be based upon a characteristic of the image itself since we cannot evoke the past bodily and compare it with the present image -Output Transcription: our confidence or lack of confidence in the accuracy of a memory image must and fundamental cases be based upon a characteristic of the image itself since we cannot evoke the past bodily and compare it with the present image -2021-09-20 08:49:06.269 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.025000 -2021-09-20 08:49:06.270 | INFO | deepspeech2x.model:test:372 - Error rate [wer] (2464/?) = 0.068588 -2021-09-20 08:49:13.464 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the net and web of endless things had been crawling and creeping around her she had struggled in dumb speechless terror against some mighty grasping that strove for her life with gnarled and creeping fingers but now at last weakly she opened her eyes and questioned -Output Transcription: the net and web of endless things had been crawling and creeping around her she had struggled in dumb speechless terror against some mighty grasping that strove for her life with gnarled and creeping fingers but now at last weakly she opened her eyes and questioned -2021-09-20 08:49:13.465 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:49:13.474 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: this nobleman's character though celebrated for political courage and conduct was very low for military prowess and after some skirmishes in which he was worsted he here allowed montrose to escape him -Output Transcription: this nobleman's character though celebrated for political courage and conduct was very low for military prowess and after some skirmishes in which he was worsted he hear a loud montrose to escape him -2021-09-20 08:49:13.483 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.093750 -2021-09-20 08:49:13.483 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: coming by way of the missouri river towns he fell first among border ruffian companionship and influences and perhaps having his inclinations already molded by his washington instructions his early impressions were decidedly adverse to the free state cause -Output Transcription: coming by way of the missouri river towns he fell first among border ruffian companionship and influences and perhaps having his inclinations already molded by his washington instructions his early impressions were decidedly adverse to the free state cause -2021-09-20 08:49:13.484 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:49:13.498 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: here he was placed in the custody of captain martin of the kickapoo rangers who proved a kind jailer and materially assisted in protecting him from the dangerous intentions of the mob which at that time held leavenworth under a reign of terror -Output Transcription: hare was placed in the cassidy of captain martin of the kickapoo rangers who proved a kind jailer in materially assisted in protecting him from the dangerous intentions of the mob which at that time held leavenworth under the reign of terror -2021-09-20 08:49:13.512 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.116279 -2021-09-20 08:49:13.529 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: nor was rodolfo less surprised than they and the better to assure himself of so wonderful a fact he begged leocadia to give him some token which should make perfectly clear to him that which indeed he did not doubt since it was authenticated by his parents -Output Transcription: nor was regardless surprised than they and the better to assure himself of so wonderful effect he begged local to give him some token which should make perfectly clear to him that which indeed he did not doubt since it was authenticated by his parents -2021-09-20 08:49:13.550 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.106383 -2021-09-20 08:49:13.574 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the book of mormon had taught the people the true origin and destiny of the american indians and toward this dark skinned remnant of a once mighty people the missionaries of mormonism early turned their eyes and with their eyes went their hearts and their hopes -Output Transcription: the book of mormon had taught the people the true origin and destiny of the american indians and toward this dark skinned remnant of a once mighty people the missionaries of mormonism early turned their eyes and with her eyes went their hearts and their hopes -2021-09-20 08:49:13.591 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.021739 -2021-09-20 08:49:13.600 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: can one imagine a naturalist refusing to study the viper the bat the scorpion the centipede the tarantula and one who would cast them back into their darkness saying oh how ugly that is -Output Transcription: can one imagine a naturalist refusing to study the viper the bad the scorpion the centipede the tortilla and one who would cast them back into their darkness saying oh how ugly that is -2021-09-20 08:49:13.610 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.058824 -2021-09-20 08:49:13.621 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: no matter then although my foot did stand upon the farthest earth remov'd from thee for nimble thought can jump both sea and land as soon as think the place where he would be but ah -Output Transcription: no matter then although my foot did stand upon the farthest earth removed from thee for nimble thought can jump both sea and land as soon as thing the place where he would be but a -2021-09-20 08:49:13.632 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.083333 -2021-09-20 08:49:13.644 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: they were absorbed in his theology and were under the dominion of his name while that which was truly great and truly characteristic in him his effort to realize and connect abstractions was not understood by them at all -Output Transcription: they were absorbed in his theology and were under the dominion of his name while that which was truly great and truly correctors seein him his effort realized in connect abstractions was not understood by them at all -2021-09-20 08:49:13.656 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.128205 -2021-09-20 08:49:13.657 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: what is called perception differs from sensation by the fact that the sensational ingredients bring up habitual associates images and expectations of their usual correlates all of which are subjectively indistinguishable from the sensation -Output Transcription: what is called perception differs from sensation by the fact that the sensational ingredients bring up habitual associates images and expectations of their usual correlates all of which are subjectively indistinguishable from the sensation -2021-09-20 08:49:13.657 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:49:13.668 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: you are my all the world and i must strive to know my shames and praises from your tongue none else to me nor i to none alive that my steel'd sense or changes right or wrong -Output Transcription: you are my all the world and i must strive to know my shames and praises from your tongue none else to me nor i to none alive that my steeled sense or changes right or wrong -2021-09-20 08:49:13.680 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.027027 -2021-09-20 08:49:13.699 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: although only a moderate breeze was blowing the sea was rough a circumstance to be accounted for only by the diminution in the force of the earth's attraction rendering the liquid particles so buoyant that by the mere effect of oscillation they were carried to a height that was quite unprecedented -Output Transcription: although only a moderate breeze was blowing the sea was rough a circumstance to be accounted for only by the diminution in the force of the earth's attraction rendering the liquid particles so buoyant that by the mere effect of oscillation they were carried to a height it was quite unprecedented -2021-09-20 08:49:13.719 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.019608 -2021-09-20 08:49:13.743 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: for god's sake my lady mother give me a wife who would be an agreeable companion not one who will disgust me so that we may both bear evenly and with mutual good will the yoke imposed on us by heaven instead of pulling this way and that way and fretting each other to death -Output Transcription: for god's sake my lady mother give me a wife who would be an agreeable companion not one who will disgust me so that we may both bear evenly and with mutual goodwill the yoke imposed on us by heaven instead of pulling this way and that way and fretting each other to death -2021-09-20 08:49:13.766 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.036364 -2021-09-20 08:49:13.783 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i heard a noise behind i turned and saw kaffar his black eyes shining while in his hand he held a gleaming knife he lifted it above his head as if to strike but i had the strength of ten men and i hurled him from me -Output Transcription: i heard a noise behind i turned and saw after his black eyes shining while in his hand he held a gleaming knife he lifted it above his head as if to strike but i had the strength of ten men and i hurled him from me -2021-09-20 08:49:13.800 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.021277 -2021-09-20 08:49:13.821 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: she reflected how near she stood to the crisis which was to determine whether she was to be blessed or unhappy for ever and racked by the intensity of her emotions she suddenly changed colour her head dropped and she fell forward in a swoon into the arms of the dismayed estafania -Output Transcription: she reflected how near she stood to the crisis which was to determine whether she was to be blessed or unhappy forever and racked by the intensity of her emotions she suddenly changed color her head dropped and she fell forward in a swoon into the arms of the dismayed stefania -2021-09-20 08:49:13.841 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.076923 -2021-09-20 08:49:13.862 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: a slight diminution in the excessively high temperature which had prevailed for the last few weeks was the only apparent change in the general order of things but whether this was to be attributed to any alteration in the earth's orbit was a question which would still require several days to decide -Output Transcription: a slight diminution in the excessively high temperature which had prevailed for the last few weeks was the only apparent change in the general order of things but whether this was to be attributed to any alteration and the earth's orbit was a question which would still require several days to decide -2021-09-20 08:49:13.883 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.019231 -2021-09-20 08:49:13.884 | INFO | deepspeech2x.model:test:372 - Error rate [wer] (2480/?) = 0.068291 -2021-09-20 08:49:16.885 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the arc lamp installed outside a customer's premises or in a circuit for public street lighting burned so many hours nightly so many nights in the month and was paid for at that rate subject to rebate for hours when the lamp might be out through accident -Output Transcription: the arc lamp installed outside a customer's premises or in a circuit for public street lighting burned so many hours nightly so many nights in the month and was paid for at that rate subject to rebate for hours when the lamp might be out through accident -2021-09-20 08:49:16.886 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:49:16.887 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: in december eighteen eighty eight mister w j jenks read an interesting paper before the american institute of electrical engineers on the six years of practical experience had up to that time with the meter then more generally in use than any other -Output Transcription: in december eighteen eighty eight mister w j jenks read an interesting paper before the american institute of electrical engineers on the six years of practical experience had up to that time with the meter then more generally in use than any other -2021-09-20 08:49:16.887 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:49:16.900 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: for many then this book has been a source of fascination surely one of the most influential novels ever written an inspiration for such scientists and discoverers as engineer simon lake oceanographer william beebe polar traveler sir ernest shackleton -Output Transcription: for many and this book has been a source of fascination surely one of the most influential novels ever written an inspiration for such scientists and discoverers as engineer simon lake oceanographer will you baby polar traveller sir ernest shackleton -2021-09-20 08:49:16.912 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.128205 -2021-09-20 08:49:16.919 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: those pretty wrongs that liberty commits when i am sometime absent from thy heart thy beauty and thy years full well befits for still temptation follows where thou art -Output Transcription: those pretty wrongs that liberty commits when i am some time absent from thy heart thy beauty and thy years full well befits for still temptation follows where thou art -2021-09-20 08:49:16.926 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.068966 -2021-09-20 08:49:16.926 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: though thrown into prison for this enterprise and detained some time he was not discouraged but still continued by his countenance and protection to infuse spirit into the distressed royalists -Output Transcription: though thrown into prison for this enterprise and detained some time he was not discouraged but still continued by his countenance and protection to infuse spirit into the distressed royalists -2021-09-20 08:49:16.927 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:49:16.943 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: they began with the one in the family sitting room colonel wheeler ralph thurston mister and missus bill harmon with natty and rufus mister and missus popham with digby and lallie joy all standing in admiring groups and thrilling with delight at the order of events -Output Transcription: they began with the one in the family sitting room colonel wheeler re thurston mister and missus bill harmon with nattie and rappers mister and missus papa leydig and vallejo all standing in admiring groups and thrilling with delight at the order of events -2021-09-20 08:49:16.959 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.173913 -2021-09-20 08:49:16.976 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: it was through floyd's advice that buchanan ordered the military expedition to utah ostensibly to install certain federal officials and to repress an alleged infantile rebellion which in fact had never come into existence but in reality to further the interests of the secessionists -Output Transcription: it was through floyd had fits he piqued ordered the military expedition to utah ostensibly to install certain federal officials and to repress an alleged infantile rebellion which in fact had never come into existence but in reality to further the entrance of the secessionists -2021-09-20 08:49:16.991 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.136364 -2021-09-20 08:49:17.001 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: historians at least perhaps from their own ignorance and inexperience have not remarked any thing but a headlong impetuous conduct each party hurrying to a battle where valor and fortune chiefly determined the success -Output Transcription: historians at least perhaps from their own ignorance and inexperience have not remarked anything but a headlong impetuous conduct each party hurrying to a battle where valor and fortune chiefly determined the success -2021-09-20 08:49:17.010 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.058824 -2021-09-20 08:49:17.032 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: they knew no north no south no east no west they stood positively by the constitution and would have nothing to do in the bloody strife between brothers unless indeed they were summoned by the authority to which they had already once loyally responded to furnish men and arms for their country's need -Output Transcription: they knew no north no south no east no west they stood positively by the constitution and would have nothing to do in the bloody strife between brothers unless indeed they were summoned by the authority to which they had already once loyally responded to furnish men and arms for the countries need -2021-09-20 08:49:17.053 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.037736 -2021-09-20 08:49:17.064 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: besides members of parliament who were excluded many officers unwilling to serve under the new generals threw up their commissions and unwarily facilitated the project of putting the army entirely into the hands of that faction -Output Transcription: besides members of parliament who were excluded many officers unwilling to serve under the new generals threw up their commissions and then warily facilitated the project of putting the army entirely into the hands of that faction -2021-09-20 08:49:17.074 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.055556 -2021-09-20 08:49:17.091 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the mother as soon as the chaise is so far turned that mary can no longer watch the expression of her countenance goes away from the door with a smile of complacency and satisfaction upon her face at the ingenuity and success of her little artifice -Output Transcription: the mother as soon as the chase is so far turned that mary can no longer watch the expression of her countenance goes away from the door with a smile of complacency and satisfaction on her face at the ingenuity and success of her little artifice -2021-09-20 08:49:17.107 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.043478 -2021-09-20 08:49:17.123 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: by being studious of color they are studious of division and while the chiaroscurist devotes himself to the representation of degrees of force in one thing unseparated light the colorists have for their function the attainment of beauty by arrangement of the divisions of light -Output Transcription: by being studious of color they are studious of division and while the cursus devotes himself to the representation of degrees of force and one thing unseated light the colorists have for their function the attainment of beauty by arrangement of the divisions of light -2021-09-20 08:49:17.139 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.066667 -2021-09-20 08:49:17.155 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: ho ye sails that seem to wander in dream filled meadows say is the shore where i stand the only field of struggle or are ye hit and battered out there by waves and wind gusts as ye tack over a clashing sea of watery echoes -Output Transcription: home sails that seemed to wonder and dream filled meadows say is the shore where i stand the only field of struggle or are he hit and battered out there by waves and windurst as he talk over a clashing sea of watery echoes -2021-09-20 08:49:17.171 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.217391 -2021-09-20 08:49:17.186 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: every one could observe his agitation and prostration a prostration which was indeed the more remarkable since people were not accustomed to see him with his arms hanging listlessly by his side his head bewildered and his eyes with all their bright intelligence bedimmed -Output Transcription: everyone could observe his agitation and prostration a prostration which was indeed the more remarkable since people were not accustomed to see him with his arms hanging listlessly by his side his head bewildered and his eyes with all their bright intelligence be damned -2021-09-20 08:49:17.202 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.090909 -2021-09-20 08:49:17.219 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i see a quantity of chairs for hire at the rate of one sou men reading the newspaper under the shade of the trees girls and men breakfasting either alone or in company waiters who were rapidly going up and down a narrow staircase hidden under the foliage -Output Transcription: i see a quantity of chairs for hire at the rate of one sou men reading the newspaper under the shade of the trees girls and men breakfasting either alone or in company waiters who were rapidly going up an down a narrow staircase hidden under the foliage -2021-09-20 08:49:17.238 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.020833 -2021-09-20 08:49:17.258 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: had eva crasweller not been good looking had jack been still at college had sir kennington oval remained in england had mister bunnit and the bar keeper not succeeded in stopping my carriage on the hill should i have succeeded in arranging for the final departure of my old friend -Output Transcription: had even cresswell earn up and good looking had jack been still at college had sir kennington oval remained in england had mister bonnet and the barkeeper not succeeded in stopping my carriage on the hill should i have succeeded in a rage for the final departure of my old friend -2021-09-20 08:49:17.277 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.200000 -2021-09-20 08:49:17.278 | INFO | deepspeech2x.model:test:372 - Error rate [wer] (2496/?) = 0.068523 -2021-09-20 08:49:23.306 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: it would seem that only rather recent events can be placed at all accurately by means of feelings giving their temporal relation to the present but it is clear that such feelings must play an essential part in the process of dating remembered events -Output Transcription: it would seem that only rather recent events can be placed at all accurately by means of fillings giving their temporal relation to the present but it is clear that such filings must play in a central part in the process of dating remembered events -2021-09-20 08:49:23.322 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.113636 -2021-09-20 08:49:23.348 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: then heaving a heavy sigh probably among the last he ever drew in pining for a condition he had so long abandoned he added it is what i would wish to practise myself as one without a cross of blood though it is not always easy to deal with an indian as you would with a fellow christian -Output Transcription: then heaving a heavy sigh probably among the last he ever drew and pining for a condition he had so long abandoned he added it is what i would wish to practice myself as one without a cross of blood though it is not always easy to deal with an indian as you would with a fellow christian -2021-09-20 08:49:23.374 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.034483 -2021-09-20 08:49:23.394 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: you will forgive me dear reader if i have made you attend the funeral of silvia ten years before her death believe me i have no intention of performing a miracle you may console yourself with the idea that i shall spare you that unpleasant task when poor silvia dies -Output Transcription: you will forgive me dear reader if i have made to attend the funeral of sylvia ten years before her death believe me i have no intention of performing a miracle you may console yourself with the idea that i shall spare you that unpleasant task when poor sylvia dies -2021-09-20 08:49:23.413 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.060000 -2021-09-20 08:49:23.414 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: for instance one day the children had been playing upon the piazza with blocks and other playthings and finally had gone into the house leaving all the things on the floor of the piazza instead of putting them away in their places as they ought to have done -Output Transcription: for instance one day the children had been playing upon the piazza with blocks and other playthings and finally had gone into the house leaving all the things on the floor of the piazza instead of putting them away in their places as they ought to have done -2021-09-20 08:49:23.414 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:49:23.443 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: come come returned hawkeye uncasing his honest countenance the better to assure the wavering confidence of his companion you may see a skin which if it be not as white as one of the gentle ones has no tinge of red to it that the winds of the heaven and the sun have not bestowed now let us to business -Output Transcription: come come returned hawkeye encasing his honest countenance the better to assure the wavering confidence of his companion you may see a skin which if it be not as white as one of the gentle ones has no tinge of red to it that the winds of the heaven and the sun have not bestowed now let us to business -2021-09-20 08:49:23.471 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.016667 -2021-09-20 08:49:23.484 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: silvia was the adoration of france and her talent was the real support of all the comedies which the greatest authors wrote for her especially of the plays of marivaux for without her his comedies would never have gone to posterity -Output Transcription: silver was the adoration of france and her talent was the real support of all the comedies which the greatest authors wrote for her especially of the plays of marvel for without her his comedies would never have gone to posterity -2021-09-20 08:49:23.497 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.048780 -2021-09-20 08:49:23.516 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: it will be well for you if you join not with those who instead of kites fly falcons who instead of obeying the last words of the great cloud shepherd to feed his sheep live the lives how much less than vanity of the war wolf and the gier eagle -Output Transcription: it will be well for you if you join not with those who instead of kites fly falcons who instead of obeying the last words of the great cloud shepherd to feed his sheep live the lives how much less than vanity of the war wolf in the gerig -2021-09-20 08:49:23.535 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.060000 -2021-09-20 08:49:23.548 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: all dissent all non compliance all hesitation all mere silence even were in their stronghold towns like leavenworth branded as abolitionism declared to be hostility to the public welfare and punished with proscription personal violence expulsion and frequently death -Output Transcription: all descent on non compliance all hesitation all mere silence even were in the stronghold towns like leavenworth branded as abolitionism declared to be hostility to the public welfare and punished with proscription personal violence expulsion and frequently death -2021-09-20 08:49:23.560 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.076923 -2021-09-20 08:49:23.561 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the period was hardly if at all earlier than that of our story when a dispute concerning the right of property in a pig not only caused a fierce and bitter contest in the legislative body of the colony but resulted in an important modification of the framework itself of the legislature -Output Transcription: the period was hardly if at all earlier than that of our story when a dispute concerning the right of property in a pig not only caused a fierce and bitter contest in the legislative body of the colony but resulted in an important modification of the framework itself of the legislature -2021-09-20 08:49:23.561 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:49:23.571 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: if any still retained rancor against him in his present condition they passed in silence while his well wishers more generous than prudent accompanied his march with tears with acclamations and with prayers for his safety -Output Transcription: if any still retained rancor against him in his present condition they passed in silence while his well wishes more generous than prudent accompanied his march with tears with acclamations and with prayers for his safety -2021-09-20 08:49:23.581 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.027778 -2021-09-20 08:49:23.599 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: thus if i recognize a thing the occasion of its previous existence in virtue of which i recognize it forms part of my experience by definition recognition will be one of the marks by which my experience is singled out from the rest of the world -Output Transcription: thus if i recognize a thing the occasion of its previous existence in virtue of which i recognize it forms part of my experience by definition the recognition will be one of the marks by which my experience is single doubt from the rest of the world -2021-09-20 08:49:23.616 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.065217 -2021-09-20 08:49:23.646 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: envy hatred malice and uncharitableness are never so essentially detestable to my mind as when they are animated by a sense of propriety and work under the surface but for my interest in naomi and my other interest in the little love looks which i now and then surprised passing between her and ambrose i should never have sat through that supper -Output Transcription: envy hatred malice and uncharitable ness are never so essentially detestable to my mind as when they are animated by the sense of propriety and work under the surface but for my interest in the home in my other interest in the little love looks which i now and then surprised passing between her and ambrose i should never have sat through that supper -2021-09-20 08:49:23.678 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.096774 -2021-09-20 08:49:23.678 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: let a man run and everybody will run after him the crowd will not stop unless the man is proved to be mad but to prove it is indeed a difficult task because we have a crowd of men who mad from their birth are still considered wise -Output Transcription: let a man run and everybody will run after him the crowd will not stop unless the man is proved to be mad but to prove it is indeed a difficult task because we have a crowd of men who mad from their birth are still considered wise -2021-09-20 08:49:23.679 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:49:23.702 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: however remembering what you told me namely that you had commended the matter to a higher decision than ours and that you were resolved to submit with resignation to that decision whatever it might be i hold it my duty to yield also and to be silent it may be all for the best -Output Transcription: however remembering what you told me namely that you had commended the matter to higher decision than ours and that you are resolved to submit with resignation to that decision whatever it might be i hold it my duty to yield also and to be silent and may be all for the best -2021-09-20 08:49:23.724 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.055556 -2021-09-20 08:49:23.744 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the axe struck deep into the very pith the tree fell to the earth with a sigh he felt a pang it was like a swoon he could not think of happiness for he was sorrowful at being separated from his home from the place where he had sprung up -Output Transcription: the axe struck deep into the very pith the tree fell to the earth with a sigh he felt a pang it was like a swoon he could not think of happiness for he was sorrowful that being separated from his home from the place where he had sprung up -2021-09-20 08:49:23.764 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.020000 -2021-09-20 08:49:23.779 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: well then last here is turner's greek school of the highest class and you define his art absolutely as first the displaying intensely and with the sternest intellect of natural form as it is and then the envelopment of it with cloud and fire -Output Transcription: well then last here is terms greek school of the highest class and you define his art absolutely as first the displaying intensely and with the sternest intellect of natural form as it is and then the envelopment of it with cloud and fire -2021-09-20 08:49:23.794 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.022727 -2021-09-20 08:49:23.795 | INFO | deepspeech2x.model:test:372 - Error rate [wer] (2512/?) = 0.068100 -2021-09-20 08:49:27.536 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: with a further advance in culture this tabu may change into simple custom of a more or less rigorous character but whatever be the theoretical basis of the distinction which is maintained whether it be a tabu or a larger conventionality the features of the conventional scheme of consumption do not change easily -Output Transcription: with a further advance in culture this taboo may changed into simple custom of a more or less rigorous character but whatever be the theoretical basis of the distinction which is maintained whether it be it a bus or a large conventionality the features of the conventional scheme of consumption do not change easily -2021-09-20 08:49:27.559 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.094340 -2021-09-20 08:49:27.570 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: all the territorial dignitaries were present governor shannon presided john calhoun the surveyor general made the principal speech a denunciation of the abolitionists supporting the topeka movement chief justice lecompte dignified the occasion with approving remarks -Output Transcription: all the territorial dignitaries were present governor shan and presided john calhoun the surveyor general made the principal speech a denunciation of the abolitionist supporting the peace movement chief justice leav dignified the occasion with approving remarks -2021-09-20 08:49:27.580 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.138889 -2021-09-20 08:49:27.598 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: we have spoken of pearl's rich and luxuriant beauty a beauty that shone with deep and vivid tints a bright complexion eyes possessing intensity both of depth and glow and hair already of a deep glossy brown and which in after years would be nearly akin to black -Output Transcription: we have spoken of pearls rich and luxuriant beauty a beauty that shone with deep and vivid tints a bright complexion eyes possessing intensity both of depth and glow and hair already of a deep glossy brown and which in after years would be nearly akin to black -2021-09-20 08:49:27.616 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.020833 -2021-09-20 08:49:27.643 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: at the conclusion of the banquet which was served at five o'clock the king entered his cabinet where his tailors were awaiting him for the purpose of trying on the celebrated costume representing spring which was the result of so much imagination and had cost so many efforts of thought to the designers and ornament workers of the court -Output Transcription: at the conclusion of the banquet which was served at five o'clock the king entered his cabinet where his tailors were awaiting him for the purpose of trying on the celebrated costume representing spring which was the result of so much imagination and had caused so many efforts of thought to the designers and ornament workers of the court -2021-09-20 08:49:27.670 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.016949 -2021-09-20 08:49:27.689 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: nevertheless the mustard seed among the smallest of all seeds has attained the proportions of a tree and the birds of the air are nesting in its branches the acorn is now an oak offering protection and the sweets of satisfaction to every earnest pilgrim journeying its way for truth -Output Transcription: nevertheless the mustard seed among the smallest of all seeds ascertain the proportions of a tree and the birds of the air are nesting in its branches the acorn is now an oak offering protection and the suites of satisfaction to every earnest pilgrim journeying its way for truth -2021-09-20 08:49:27.708 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.060000 -2021-09-20 08:49:27.729 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: it will be observed that an organized mob aided by many of the civil and military officers of missouri with governor boggs at their head have been the prominent actors in this business incited too it appears against the mormons by political hatred and by the additional motives of plunder and revenge -Output Transcription: it will be observed that an organized mob aided by many of the civil and military officers of missouri with governor box at their head have been the prominent actors in this business incited to it appears against the mormons by political hatred and by the additional motives of plunder and revenge -2021-09-20 08:49:27.751 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.038462 -2021-09-20 08:49:27.776 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: they look something alike you know suggested the captain of the guards looking from one to the other doubtfully and they're nearly the same size if you stand the goat on his hind legs they've both got the same style of whiskers and they're both of em obstinate and dangerous so they ought to make a good patch splendid -Output Transcription: they looked something like you know suggested the captain of the guards looking from one to the other doubtfully and they nearly the same size of istanbul on as high legs they've both got the same style of whiskers and they're both them obstinate and dangerous so they ought to make a good patch splendid -2021-09-20 08:49:27.801 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.203390 -2021-09-20 08:49:27.817 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: for general service therefore requiring no special effort the numerical strength of the factions was about equal while on extraordinary occasions the two thousand border ruffian reserve lying a little farther back from the state line could at any time easily turn the scale -Output Transcription: for general service therefore requiring no special effort the numerical strength of the factions was about equal while on extraordinary occasions the two thousand border than reserve lying a little farther back for him the state line could at any time easily turned the scale -2021-09-20 08:49:27.832 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.090909 -2021-09-20 08:49:27.850 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: but neither saint girard nor broad street neither wonders of the mint nor the glories of the hall where the ghosts of our fathers sit always signing the declaration impressed the visitors so much as the splendors of the chestnut street windows and the bargains on eighth street -Output Transcription: but neither saint gerard nor broad street neither wonders of the ment nor the glories of the hall where the ghosts of our father sit always signing the declaration impressed the visitors so much as the splendors of the chestnut street windows and the bargains on eighth street -2021-09-20 08:49:27.868 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.062500 -2021-09-20 08:49:27.868 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: montrose weak in cavalry here lined his troops of horse with infantry and after putting the enemy's horse to rout fell with united force upon their foot who were entirely cut in pieces though with the loss of the gallant lord gordon on the part of the royalists -Output Transcription: montrose weak in cavalry here lined his troops of horse with infantry and after putting the enemy's horse to rout fell with united force upon their foot who were entirely cut in pieces though with the loss of the gallant lord gordon on the part of the royalists -2021-09-20 08:49:27.868 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:49:27.883 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: owing to his insistence on low pressure direct current for use in densely populated districts as the only safe and truly universal profitable way of delivering electrical energy to the consumers edison has been frequently spoken of as an opponent of the alternating current -Output Transcription: owing to his insistence on low pressure direct current for use in densely populated districts as the only safe and truly universal profitable way of delivering electrical energy to the consumers addison has been frequently spoken of as an opponent of the alternating current -2021-09-20 08:49:27.899 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.022727 -2021-09-20 08:49:27.929 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: it has been my privilege to tread the soil of many lands to observe the customs and study the habits of more nations than one and i have yet to find the place and meet the people where and with whom the purity of man and woman is held more precious than among the maligned mormons in the mountain valleys of the west -Output Transcription: it has been my privilege to tread the soil of many lands to observe the customs and studied the habits of more nations that one and i have yet to find the place and made the people wherein with whom the purity of man and woman is held more precious than among the maligned mormons in the mountain valleys of the west -2021-09-20 08:49:27.959 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.079365 -2021-09-20 08:49:27.977 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: edison had installed his historic first great central station system in new york on the multiple arc system covered by his feeder and main invention which resulted in a notable saving in the cost of conductors as against a straight two wire system throughout of the tree kind -Output Transcription: edison had installed his historic first great central station system in new york on the multiple arcs system covered by his feeder and main invention which resulted in a notable saving on the cost of conductors as against the straight two wire system throughout of the tree kind -2021-09-20 08:49:27.996 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.062500 -2021-09-20 08:49:28.020 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: in the early morning of the next day may twenty ninth a company of dragoons with one empty saddle came down from the fort and while the pro slavery men still slept the prisoner and his escort were on their way across the prairies to lecompton in the charge of officers of the united states army -Output Transcription: in the early morning of the next day made twenty nine a company of dragoons with one empty saddle came down from the fort and while the proslavery man still slept the prisoner and his escort were on their way across the prairies to compton in the charge of officers of the united states army -2021-09-20 08:49:28.043 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.107143 -2021-09-20 08:49:28.059 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: thou gentle maid of silent valleys and of modest brooks for thou shall be clothed in light and fed with morning manna till summers heat melts thee beside the fountains and the springs to flourish in eternal vales they why should thel complain -Output Transcription: thou gentle maid of silent valleys and of modest brooks for thou shall be clothed in the light and fed with morning manner till summers heat melts knee beside the fountains and the springs to flourish in eternal veils they why should they complain -2021-09-20 08:49:28.075 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.116279 -2021-09-20 08:49:28.094 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: and therefore to you i turn timaeus citizen of locris who are at once a philosopher and a statesman and to you critias whom all athenians know to be similarly accomplished and to hermocrates who is also fitted by nature and education to share in our discourse -Output Transcription: and therefore to you i turned to me as citizen of locus are at once a philosopher in a statesman and to you citius whom all athenians now to be similarly accomplished into her mortes was also fitted by nature and education to share in our discourse -2021-09-20 08:49:28.111 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.297872 -2021-09-20 08:49:28.112 | INFO | deepspeech2x.model:test:372 - Error rate [wer] (2528/?) = 0.068433 -2021-09-20 08:49:33.920 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: this compulsion leads nemo into ugly contradictions he's a fighter for freedom yet all who board his ship are imprisoned there for good he works to save lives both human and animal yet he himself creates a holocaust he detests imperialism yet he lays personal claim to the south pole -Output Transcription: this compulsion leads nemo into ugly contradictions he is a fighter for freedom yet all who bore his ship are imprisoned there for good he works to save lives both human and animal yet he himself creates a hall cost he detests imperialism yet he lays personal claim to the south pole -2021-09-20 08:49:33.941 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.100000 -2021-09-20 08:49:33.963 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: their piety would be like their names like their faces like their clothes and it was idle for him to tell himself that their humble and contrite hearts it might be paid a far richer tribute of devotion than his had ever been a gift tenfold more acceptable than his elaborate adoration -Output Transcription: their piety would be like their names like their faces like their clothes and it was idle for him to tell himself that their humble and contrite hearts it might be paid a far richard tribute of devotion than his had ever been a gift tenfold more acceptable than his elaborate adoration -2021-09-20 08:49:33.984 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.019231 -2021-09-20 08:49:34.005 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: then again there was no known way to lubricate an engine for continuous running and mister edison informed me that as a marine engine started before the ship left new york and continued running until it reached its home port so an engine for his purposes must produce light at all times -Output Transcription: then again there was no known way to lubricate an engine for continuous running and mister edison inform me that as a marine engine started before the ship left new york and continued running until it reached its home port so an engine for his purposes must produce light at all times -2021-09-20 08:49:34.026 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.019231 -2021-09-20 08:49:34.056 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the man of the household also can do something in this direction and indeed he commonly does but with a still lower descent into the levels of indigence along the margin of the slums the man and presently also the children virtually cease to consume valuable goods for appearances and the woman remains virtually the sole exponent of the household's pecuniary decency -Output Transcription: the man of the household also can do something in this direction and indeed he commonly does but with a still lower dissent into the levels of indigence along the margin of the slums the man and presently also the children virtually ceased to consume valuable goods for appearances and the woman remains virtually the sole exponent of the households pecuniary decency -2021-09-20 08:49:34.085 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.048387 -2021-09-20 08:49:34.104 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: angry with himself he tried to hide his face from their eyes by gazing down sideways into the shallow swirling water under the bridge but he still saw a reflection therein of their top heavy silk hats and humble tape like collars and loosely hanging clerical clothes brother hickey -Output Transcription: angry with himself he tried to hide his face from their eyes by gazing down sideways into the shallow swirling water under the bridge but he still saw a reflection therein of their top heavy silk hats and humble tape like collars and loosely hanging clerical clothes brother hike -2021-09-20 08:49:34.123 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.020408 -2021-09-20 08:49:34.143 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: here is an equally typical greek school landscape by wilson lost wholly in golden mist the trees so slightly drawn that you don't know if they are trees or towers and no care for color whatever perfectly deceptive and marvelous effect of sunshine through the mist apollo and the python -Output Transcription: here is an equally typical greek school landscape by wilson lost holy in golden mist the trees so slightly drawn that you don't know if their trees or towers and no care for color whatsoever perfectly deceptive in marvelous effect of sunshine through the mist apollo and the python -2021-09-20 08:49:34.162 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.100000 -2021-09-20 08:49:34.179 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: constantine easily believed that the heretics who presumed to dispute his opinions or to oppose his commands were guilty of the most absurd and criminal obstinacy and that a seasonable application of moderate severities might save those unhappy men from the danger of an everlasting condemnation -Output Transcription: constantine easily believed that the heretics who presumed to dispute his opinions or to oppose his commands were guilty of the most absurd and criminal obstinacy and that is seasonable application of moderate severities might save those unhappy men from the danger of an everlasting condemnation -2021-09-20 08:49:34.196 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.021739 -2021-09-20 08:49:34.214 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: when the music by its bursts of melody carried away these illustrious dancers when the simple untutored pantomime of that period only the more natural on account of the very indifferent acting of the august actors had reached its culminating point of triumph the theater shook with tumultuous applause -Output Transcription: when the music by its bursts of melody carried away these illustrious dancers when the simple untutored pantomime of that period only the more natural on account of the very indifferent acting of the august actors had reached its culminating point of triumph the theatre shook with tumultuous applause -2021-09-20 08:49:34.233 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.020408 -2021-09-20 08:49:34.233 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the free state men had only their convictions their intelligence their courage and the moral support of the north the conspiracy had its secret combination the territorial officials the legislature the bogus laws the courts the militia officers the president and the army -Output Transcription: the free state men had only their convictions their intelligence their courage and the moral support of the north the conspiracy had its secret combination the territorial officials the legislature the bogus laws the courts the militia officers the president and the army -2021-09-20 08:49:34.233 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:49:34.258 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: in determining whether two or more allied forms ought to be ranked as species or varieties naturalists are practically guided by the following considerations namely the amount of difference between them and whether such differences relate to few or many points of structure and whether they are of physiological importance but more especially whether they are constant -Output Transcription: and determining whether two or more allied forms ought to be ranked as species or varieties naturalists are practically guided by the following considerations namely the amount of difference between them and whether such differences related few or many points of structure and whether the physiological importance but more especially whether they are constant -2021-09-20 08:49:34.282 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.105263 -2021-09-20 08:49:34.319 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i can no more help spending my life in trying to do what i can for the souls of others than you could help running if you heard little totty crying at the other end of the house the voice would go to your heart you would think the dear child was in trouble or in danger and you couldn't rest without running to help her and comfort her -Output Transcription: i can no more help spending my life in trying to do what i can for the souls of others then you could help running if you heard little toddy crying at the other end of the house the voice would go to your heart you would think the dear child was in trouble or in danger and you couldn't rest without running to help her and comfort her -2021-09-20 08:49:34.356 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.028986 -2021-09-20 08:49:34.356 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the free state hotel a stone building in dimensions fifty by seventy feet three stories high and handsomely furnished previously occupied only for lodging rooms on that day for the first time opened its table accommodations to the public and provided a free dinner in honor of the occasion -Output Transcription: the free state hotel a stone building in dimensions fifty by seventy feet three stories high and handsomely furnished previously occupied only for lodging rooms on that day for the first time opened its table accommodations to the public and provided a free dinner in honor of the occasion -2021-09-20 08:49:34.356 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:49:34.373 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the scottish generals and commissioners affected great surprise on the appearance of the king and though they paid him all the exterior respect due to his dignity they instantly set a guard upon him under color of protection and made him in reality a prisoner -Output Transcription: the scottish generals and commissioner has affected great surprise on the appearance of the king and though they paid him all the exterior respect due to his dignity they instantly set a guard upon him under color of protection and made him in reality a prisoner -2021-09-20 08:49:34.390 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.044444 -2021-09-20 08:49:34.410 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the present chapters can only touch upon the more salient movements of the civil war in kansas which happily were not sanguinary if however the individual and more isolated cases of bloodshed could be described they would show a startling aggregate of barbarity and loss of life for opinion's sake -Output Transcription: the present chapters can only touch upon the more salient movements of the civil war in kansas which happily or not sanguinary if however the individual and more isolated cases of bloodshed could be described they would show a startling aggregate of barbarity and a loss of life for opinion's sake -2021-09-20 08:49:34.430 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.040000 -2021-09-20 08:49:34.460 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: he had a good appetite could tell a good story without laughing was celebrated for his witty repartees and his sociable manners but he spent his life at home seldom going out and seeing hardly anyone because he always had a pipe in his mouth and was surrounded by at least twenty cats with which he would amuse himself all day -Output Transcription: he had a good appetite could tell a good story without laughing was celebrated for his witty repartee in his sociable manners but he spent his life at home seldom going out and seeing hardly anyone because he always had a pipe in his mouth and was surrounded by at least twenty cats with which he would amuse himself all day -2021-09-20 08:49:34.489 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.032787 -2021-09-20 08:49:34.508 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: but he has not as yet defined this intermediate territory which lies somewhere between medicine and mathematics and he would have felt that there was as great an impiety in ranking theories of physics first in the order of knowledge as in placing the body before the soul -Output Transcription: but he has not as yet the find this intermediate territory which lies somewhere between medicine and mathematics and he would have felt that there was as great an impiety in drinking furies of physics first in the order of knowledge as in placing the body before the soul -2021-09-20 08:49:34.527 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.083333 -2021-09-20 08:49:34.527 | INFO | deepspeech2x.model:test:372 - Error rate [wer] (2544/?) = 0.067996 -2021-09-20 08:49:39.103 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: recognition in this sense does not necessarily involve more than a habit of association the kind of object we are seeing at the moment is associated with the word cat or with an auditory image of purring or whatever other characteristic we may happen to recognize in the cat of the moment -Output Transcription: recognition in this sense does not necessarily involve more than a habit of association the kind of object we are seeing at the moment is associated with the word cat or with an auditory image of purring or whatever other characteristic we may happen to recognize in the cat of the moment -2021-09-20 08:49:39.105 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:49:39.126 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the mother herself as if the red ignominy were so deeply scorched into her brain that all her conceptions assumed its form had carefully wrought out the similitude lavishing many hours of morbid ingenuity to create an analogy between the object of her affection and the emblem of her guilt and torture -Output Transcription: the mother herself as if the red ignominy were so deeply scorched into her brain that all her conceptions assumed its form has carefully wrought out the similitude lavishing many hours of morbid ingenuity to create an analogy between the object of her affection and the emblem of her guilt and torture -2021-09-20 08:49:39.148 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.019231 -2021-09-20 08:49:39.148 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: i love thee with a love i seemed to lose with my lost saints i love thee with the breath smiles tears of all my life and if god choose i shall but love thee better after death -Output Transcription: i love thee with a love i seemed to lose with my lost saints i love thee with the breath smiles tears of all my life and if god choose i shall but love thee better after death -2021-09-20 08:49:39.149 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:49:39.149 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: and the men of israel answered the men of judah and said we have ten parts in the king and we have also more right in david than ye why then did ye despise us that our advice should not be first had in bringing back our king -Output Transcription: and the men of israel answered the men of judah and said we have ten parts in the king and we have also more right in david than ye why then did ye despise us that our advice should not be first had in bringing back our king -2021-09-20 08:49:39.149 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:49:39.172 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: it seems to me i replied that such approval such ratification of the opinion expressed by the king the princes of the blood et cetera is rather a proof of the affection felt for them by the nation for the french carry that affection to such an extent that they believe them infallible -Output Transcription: it seems to me i replied that such approval such ratification of the opinion expressed by the king the princes of the blood et cetera is rather a proof of the affection felt for them by the nation for the french carry the affection to such an extent that they believed them infallible -2021-09-20 08:49:39.194 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.037736 -2021-09-20 08:49:39.220 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: for believe me the final philosophy of art can only ratify their opinion that the beauty of a cock robin is to be red and of a grass plot to be green and the best skill of art is in instantly seizing on the manifold deliciousness of light which you can only seize by precision of instantaneous touch -Output Transcription: for believe me the final philosophy of art can only ratify their opinion that the beauty of a cock robin is to be read and a grass plot to be green and the best skill of art is an instantly seizing on the manifold deliciousness of light which you can only seize by precision of instantaneous touch -2021-09-20 08:49:39.246 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.051724 -2021-09-20 08:49:39.260 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: guided by you how we might stroll towards death our only music one another's breath through gardens intimate with hollyhocks where silent poppies burn between the rocks by pools where birches bend to confidants above green waters scummed with lily plants -Output Transcription: guided by you how we might stroll towards death our only music one another's breath through gardens intimate with hollyhocks were silent poppies burned between the rocks by pools where virtues been to confidants above green waters scammed with a lily plants -2021-09-20 08:49:39.273 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.146341 -2021-09-20 08:49:39.298 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the mystery of their origin their capacity for evolving latent faculties of crime and the steady vitality with which they survive the hearse and speak their deep mouthed malignities in every new born generation have associated them somehow in my mind with a spell of life exceeding and distinct from human and a special satanic action -Output Transcription: the mystery of their origin their capacity for evolving latent faculties of crime and the study vitality with which they survive the hearse and speak their deep mouth malign ties in every newborn generation have associated them somehow in my mind with a spell of life exceeding and distinct from human and the special satanic action -2021-09-20 08:49:39.322 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.125000 -2021-09-20 08:49:39.337 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: with heracleitus he acknowledges the perpetual flux like anaxagoras he asserts the predominance of mind although admitting an element of necessity which reason is incapable of subduing like the pythagoreans he supposes the mystery of the world to be contained in number -Output Transcription: with heracles he acknowledges the perpetual flux like an across he deserves the predominance of mind although admitting an element of necessity which reason is incapable of subduing like the pythagoreans he supposes the mystery of the world to be contained in number -2021-09-20 08:49:39.351 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.095238 -2021-09-20 08:49:39.351 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: exquisite order and universal with eternal life and light this is the faith and effort of the schools of crystal and you may describe and complete their work quite literally by taking any verses of chaucer in his tender mood and observing how he insists on the clearness and brightness first and then on the order -Output Transcription: exquisite order and universal with eternal life and light this is the faith and effort of the schools of crystal and you may describe and complete their work quite literally by taking any verses of chaucer in his tender mood and observing how he insists on the clearness and brightness first and then on the order -2021-09-20 08:49:39.352 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:49:39.368 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: with these and some reenforcements of the atholemen and macdonalds whom he had recalled montrose fell suddenly upon argyle's country and let loose upon it all the rage of war carrying off the cattle burning the houses and putting the inhabitants to the sword -Output Transcription: with these and some reinforcements of the the men and motors whom he had recalled montrose fell suddenly upon our giles country and let loose upon it all the rage of war carrying off the cattle burning the houses and putting the inhabitants to the sword -2021-09-20 08:49:39.384 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.136364 -2021-09-20 08:49:39.417 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: after an apprenticeship on a merchant ship he had entered the imperial navy and had already reached the rank of lieutenant when the count appointed him to the charge of his own private yacht in which he was accustomed to spend by far the greater part of his time throughout the winter generally cruising in the mediterranean whilst in the summer he visited more northern waters -Output Transcription: after an apprenticeship on a merchant ship he had entered the imperial navy and had already reached the rank of lieutenant when the count appointed him to the charge of his own private god in which he was accustomed to spend by far the greater part of his time throughout the winter generally cruising in the mediterranean whilst in the summer he visited more northern waters -2021-09-20 08:49:39.451 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.015152 -2021-09-20 08:49:39.466 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: even the supporting cast is shrewdly drawn professor aronnax the career scientist caught in an ethical conflict conseil the compulsive classifier who supplies humorous tag lines for verne's fast facts the harpooner ned land a creature of constant appetites man as heroic animal -Output Transcription: even the supporting cast is shrewdly drawn professor alex the career scientist got in an ethical conflict conseil the compulsive class of fire who supplies humorous taglines for vance fast facts the harp uner ned land a creature of constant appetites man as heroic animal -2021-09-20 08:49:39.482 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.232558 -2021-09-20 08:49:39.504 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: from the under surface of the clouds there are continual emissions of lurid light electric matter is in continual evolution from their component molecules the gaseous elements of the air need to be slaked with moisture for innumerable columns of water rush upwards into the air and fall back again in white foam -Output Transcription: from the under surface of the clouds there are continual missions of lurid life the lectric matter is in continual evolution from their component molecules the gaseous elements of the air need to be sat with moisture for innumerable columns of water rush upwards into the air and fall back again in white foe -2021-09-20 08:49:39.526 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.113208 -2021-09-20 08:49:39.545 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: five hundred men more who had been levied by the covenanters were persuaded to embrace the royal cause and with this combined force he hastened to attack lord elcho who lay at perth with an army of six thousand men assembled upon the first news of the irish invasion -Output Transcription: five hundred men more who had been levied by the covenanters were persuaded to embrace the royal cause and with this combined force he hastened to attack lord elco who lay at perth with an army of six thousand men assembled upon the first news of the irish invasion -2021-09-20 08:49:39.564 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.020408 -2021-09-20 08:49:39.564 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: beholding it hester was constrained to rush towards the child to pursue the little elf in the flight which she invariably began to snatch her to her bosom with a close pressure and earnest kisses not so much from overflowing love as to assure herself that pearl was flesh and blood and not utterly delusive -Output Transcription: beholding it hester was constrained to rush towards the child to pursue the little elf in the flight which she invariably began to snatch her to her bosom with a close pressure and earnest kisses not so much from overflowing love as to assure herself that pearl was flesh and blood and not utterly delusive -2021-09-20 08:49:39.565 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:49:39.565 | INFO | deepspeech2x.model:test:372 - Error rate [wer] (2560/?) = 0.067836 -2021-09-20 08:49:44.561 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: it is to tenfold life to love to peace and raptures holy unseen descending weigh my light wings upon balmy flowers and court the fair eyed dew to take me to her shining tent the weeping virgin trembling kneels before the risen sun -Output Transcription: it is too ten forth life to love to peace and raptures wholly unseen descending way my light wings upon balmy flowers and court the fair edo to take me to her shining tent the weeping virgin trembling kneels before the risen son -2021-09-20 08:49:44.577 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.186047 -2021-09-20 08:49:44.590 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: that was the chrism of love which love's own crown with sanctifying sweetness did precede the third upon my lips was folded down in perfect purple state since when indeed i have been proud and said my love my own -Output Transcription: that was the chrism of love which loves own crown with sanctifying sweetness did proceed the third upon my lips was fold it down in perfect purple stay since when indeed i have been proud and said my love my own -2021-09-20 08:49:44.602 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.125000 -2021-09-20 08:49:44.631 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: madam corrected me with a patronizing air for my pronunciation of the word scevra which means divided saying that it ought to be pronounced sceura and she added that i ought to be very glad to have learned so much on the first day of my arrival in paris telling me that it would be an important day in my life -Output Transcription: madame corrected me with a patronizing air for my pronunciation of the word score which means divided saying that it ought to be pronounced scorer and she added that i ought to be very glad to have learned so much on the first day of my arrival in paris telling me that it would be an important day in my life -2021-09-20 08:49:44.660 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.049180 -2021-09-20 08:49:44.694 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: another case said john wesley was a little girl half grown who was washing windows up stairs one day and unluckily fell asleep in the window and in this position was found by her mistress in a rage the mistress hit her a heavy slap knocked her out of the window and she fell to the pavement and died in a few hours from the effects thereof -Output Transcription: another case said john wesley was a little girl have grown who was washing windows upstairs one day and unluckily fell asleep in the window and in this position was found by her mistress in a rage the mistress he heard a heavy slap knocked her out of the window and she fell to the pavement and died in a few hours from the effects thereof -2021-09-20 08:49:44.728 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.074627 -2021-09-20 08:49:44.756 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: and wylder laughed too more suddenly and noisily than the humour of the joke seemed quite to call for and glanced a grim look from the corners of his eyes on lake but the gallant captain did not seem to perceive it and after a few seconds more he handed it very innocently back to missus dorothy only remarking -Output Transcription: and while their laugh too more suddenly and noisily then the humor of the joke seems quite to call for and glanced a grim look from the corners of his eyes unlike but the gallant captain did not seem to perceive it and after a few seconds more he handed it very innocently back to missus dorothy only remarking -2021-09-20 08:49:44.783 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.135593 -2021-09-20 08:49:44.811 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: independent of her fortune she has beauty to captivate the heart of any man and with all her follies she has a frankness in her manner an unaffected wisdom in her thoughts a vivacity in her conversation and withal a softness in her demeanour that might alone engage the affections of a man of the nicest sentiments and the strongest understanding -Output Transcription: independent of her fortune she has beauty to captivate the heart of any man and with our follies she has a frankness in her manner an unaffected wisdom in her thoughts a vivacity in her conversation and with a softness in her demeanor that might alone engage the affections of a man of the nicest sentiments and the strongest understanding -2021-09-20 08:49:44.839 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.065574 -2021-09-20 08:49:44.840 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: we might provisionally though perhaps not quite correctly define memory as that way of knowing about the past which has no analogue in our knowledge of the future such a definition would at least serve to mark the problem with which we are concerned though some expectations may deserve to rank with memory as regards immediacy -Output Transcription: we might provisionally though perhaps not quite correctly define memory as that way of knowing about the past which has no analogue in our knowledge of the future such a definition would at least serve to mark the problem with which we are concerned though some expectations may deserve to rank with memory as regards immediacy -2021-09-20 08:49:44.840 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:49:44.867 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: this meant that for an alleged misdemeanor for which congress prescribed a maximum penalty of six months imprisonment and a fine of three hundred dollars a man might be imprisoned for life aye for many terms of a man's natural life did the court's power to enforce its sentences extend so far and might be fined millions of dollars -Output Transcription: this and that for an alleged misdemeanor for which congress prescribed a maximum penalty of six months imprisonment and a fine of three hundred dollars a man might be imprisoned for life i for many terms of immense natural life did the courts power to enforce its sentences extend so far and may be fined millions of dollars -2021-09-20 08:49:44.893 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.101695 -2021-09-20 08:49:44.923 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: sometimes he thought he would like to stand in a conspicuous pulpit and humbly preach the gospel of repentance and it even crossed his mind that it would be noble to give himself to a missionary life to some benighted region where the date palm grows and the nightingale's voice is in tune and the bul bul sings on the off nights -Output Transcription: sometimes he thought he would like to stand in a conspicuous pulpit and humbly preached the gospel of repentance and it even cross his mind that it would be noble to give himself to a missionary life to some benighted region were the date palm grows and the nightingale's voice is in tune and the bulbul sings on the ot knights -2021-09-20 08:49:44.953 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.112903 -2021-09-20 08:49:44.980 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: then the church was disincorporated and its property both real and personal confiscated and escheated to the government of the united states and although the personal property was soon restored real estate of great value long lay in the hands of the court's receiver and the mormon church had to pay the national government high rental on its own property -Output Transcription: then the church was dis incorporated and its property both real and personal confiscated initiated to the government of the united states and although the personal property was soon restored real estate of great value long lay in the hands of the courts receiver and the mormon church had to pay the national government highrent on its own property -2021-09-20 08:49:45.007 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.116667 -2021-09-20 08:49:45.033 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: just then leocadia came to herself and embracing the cross seemed changed into a sea of tears and the gentleman remained in utter bewilderment until his wife had repeated to him from beginning to end leocadia's whole story and he believed it through the blessed dispensation of heaven which had confirmed it by so many convincing testimonies -Output Transcription: just the lucania came to herself and embracing the cross seemed changed into a sea of tears and the gentleman remaining in utter bewilderment until his wife had repeated to him from beginning to end locals whole story and he believed it through the blessed dispensation of heaven which had confirmed it by so many convincing testimonies -2021-09-20 08:49:45.059 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.070175 -2021-09-20 08:49:45.077 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the english it is evident had they not been previously assured of receiving the king would never have parted with so considerable a sum and while they weakened themselves by the same measure have strengthened a people with whom they must afterwards have so material an interest to discuss -Output Transcription: the english it is evident had they not being previously assured of receiving the king would never have parted with so considerable sum and while they weakened themselves by the same measure have strength in people with whom they must afterwards have so material and interest to discuss -2021-09-20 08:49:45.097 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.102041 -2021-09-20 08:49:45.097 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: among other persons of distinction who united themselves to him was lord napier of merchiston son of the famous inventor of the logarithms the person to whom the title of a great man is more justly due than to any other whom his country ever produced -Output Transcription: among other persons of distinction who united themselves to him was lord napier of merchiston son of the famous inventor of the logarithms the person to whom the title of a great man is more justly due than to any other whom his country ever produced -2021-09-20 08:49:45.098 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:49:45.098 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: we are of course in fact able to judge when we recognize an object that we have seen it before but this judgment is something over and above recognition in this first sense and may very probably be impossible to animals that nevertheless have the experience of recognition in this first sense of the word -Output Transcription: we are of course in fact able to judge when we recognize an object that we have seen it before but this judgment is something over and above recognition in this first sense and may very probably be impossible to animals that nevertheless have the experience of recognition in this first sense of the word -2021-09-20 08:49:45.098 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:49:45.099 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: we may be stopped the fact may be put to us in general terms which is one way of attenuating it we may be told that all trades professions it may be added all the accidents of the social hierarchy and all forms of intelligence have their own slang -Output Transcription: we may be stopped the fact may be put to us in general terms which is one way of attenuating it we may be told that all trades professions it may be added all the accidents of the social hierarchy and all forms of intelligence have their own slang -2021-09-20 08:49:45.099 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:49:45.118 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: it is a very fine old place of red brick softened by a pale powdery lichen which has dispersed itself with happy irregularity so as to bring the red brick into terms of friendly companionship with the limestone ornaments surrounding the three gables the windows and the door place -Output Transcription: it is a very fine old place of red brick softened by a pale powdery liken which has dispersed itself with happy irregularity so as to bring the red brick into terms of friendly companionship with the limestone ornaments surrounding the three gables the windows and the door place -2021-09-20 08:49:45.137 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.020408 -2021-09-20 08:49:45.138 | INFO | deepspeech2x.model:test:372 - Error rate [wer] (2576/?) = 0.067912 -2021-09-20 08:49:51.980 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: a quarter of an hour afterwards he returned to the theater but it will be readily believed that it was only a powerful effort of reason over his great excitement that enabled him to go back or perhaps for love is thus strangely constituted he found it impossible even to remain much longer separated from the presence of one who had broken his heart -Output Transcription: a quarter of an hour afterwards he returned to the theater but it will be readily believed that it was only a powerful effort of reason over his great excitement that enabled him to go back or perhaps for love is thus strangely constituted he found it impossible even to remain much longer separated from the presence of one who had broken his heart -2021-09-20 08:49:51.981 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:49:52.019 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: now you will see in these studies that the moment the white is inclosed properly and harmonized with the other hues it becomes somehow more precious and pearly than the white paper and that i am not afraid to leave a whole field of untreated white paper all round it being sure that even the little diamonds in the round window will tell as jewels if they are gradated justly -Output Transcription: now you will see in these studies that the moment the white is enclosed properly and harmonized with the other hues it becomes somehow more precious and pearly and the white paper and that i am not afraid to leave a whole field of untreated white paper all round it being sure that even the little diamonds in the round window will tell his jewels if there gradated justly -2021-09-20 08:49:52.056 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.071429 -2021-09-20 08:49:52.087 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: thus saying and pressing the crucifix to her breast she fell fainting into the arms of dona estafania who as a gentlewoman to whose sex pity is as natural as cruelty is to man instantly pressed her lips to those of the fainting girl shedding over her so many tears that there needed no other sprinkling of water to recover leocadia from her swoon -Output Transcription: thus saying and pressing the crucifix to her breast she fell fainting into the arms of donna estefania who was a gentlewoman two six pity as the natural as cruelty as two men instantly pressed her lips to those of the fainting girl shutting over her so many tears that there needed no other sprinkling of water to recover licata from her soon -2021-09-20 08:49:52.118 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.218750 -2021-09-20 08:49:52.150 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: from the respect paid her on all sides she seemed like a queen and from the adoration with which she was treated by two or three she appeared an object of worship the queen mother gave the french the most affectionate reception france was her native country and she had suffered too much unhappiness in england for england to have made her forget france -Output Transcription: from the respect paid her on all sides she seemed like a queen and from the adoration with which she was treated by two or three she appeared in object of worship the queen mother gave the french the most affectionate reception france was her native country and she had suffered too much unhappiness in england for england to have made her forget france -2021-09-20 08:49:52.182 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.015625 -2021-09-20 08:49:52.182 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: they asserted with confidence and almost with exultation that the apostolical succession was interrupted that all the bishops of europe and asia were infected by the contagion of guilt and schism and that the prerogatives of the catholic church were confined to the chosen portion of the african believers who alone had preserved inviolate the integrity of their faith and discipline -Output Transcription: they asserted with confidence and almost with exultation that the apostolical succession was interrupted that all the bishops of europe and asia were infected by the contagion of guilt and schism and that the prerogatives of the catholic church were confined to the chosen portion of the african believers who alone had preserved inviolate the integrity of their faith and discipline -2021-09-20 08:49:52.183 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:49:52.202 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: thought kills me that i am not thought to leap large lengths of miles when thou art gone but that so much of earth and water wrought i must attend time's leisure with my moan receiving nought by elements so slow but heavy tears badges of either's woe -Output Transcription: thought kills me that i am not thought to leap large lengths of miles when thou art gone but that so much of earth and water wrought i must attend time's leisure with my moan receiving not by elements so slow but heavy tears badges of either s woe -2021-09-20 08:49:52.221 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.062500 -2021-09-20 08:49:52.246 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the colorist says first of all as my delicious paroquet was ruby so this nasty viper shall be black and then is the question can i round him off even though he is black and make him slimy and yet springy and close down clotted like a pool of black blood on the earth all the same -Output Transcription: the colorist says first of all as my delicious parquet was ruby so this nasty viper shall be black and then is the question can i round him off even though he is black and make him slimy and yet springing and close down clouded like a pool of black blood on the earth all the same -2021-09-20 08:49:52.272 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.052632 -2021-09-20 08:49:52.301 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: silvia did not think that her good conduct was a merit for she knew that she was virtuous only because her self love compelled her to be so and she never exhibited any pride or assumed any superiority towards her theatrical sisters although satisfied to shine by their talent or their beauty they cared little about rendering themselves conspicuous by their virtue -Output Transcription: sylvia did not think that her good conduct was a merit for she knew that she was virtuous only because herself love compelled her to be so and she never exhibited any pride or assumed any superiority towards her theatrical sisters although satisfied to shine by their talent or their beauty they cared little about rendering themselves conspicuous by their virtue -2021-09-20 08:49:52.331 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.048387 -2021-09-20 08:49:52.368 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: she was honourably buried in the church of saint sauveur without the slightest opposition from the venerable priest who far from sharing the anti christain intolerancy of the clergy in general said that her profession as an actress had not hindered her from being a good christian and that the earth was the common mother of all human beings as jesus christ had been the saviour of all mankind -Output Transcription: she was honourably buried in the church of saint severus without the slightest opposition from the venerable priest who far from sharing the anti christian intolerance of the clergy in general said that her profession as an actress had not hindered her from being a good christian and that the earth was a common mother of all human beings as jesus christ had been the savior of all mankind -2021-09-20 08:49:52.405 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.072464 -2021-09-20 08:49:52.438 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the vanderpools were sure of this and the englishman instancing india became quite eloquent missus grey was mystified but hardly dared admit it the general trend of the conversation seemed to be that most individuals needed to be submitted to the sharpest scrutiny before being allowed much education and as for the lower races it was simply criminal to open such useless opportunities to them -Output Transcription: the bander pools were sure of this and the englishman instancing india became quite eloquent missus gray was mystify but hardly dared admit it the general trend of the conversation seemed to be that most individuals needed to be submitted to the sharpest scrutiny before being allowed much education and as for the lower races it was simply criminal to open such useless opportunities to them -2021-09-20 08:49:52.471 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.061538 -2021-09-20 08:49:52.495 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: without going to any such extreme as this we can easily see on reflection how vast an influence on the ideas and conceptions as well as on the principles of action in mature years must be exerted by the nature and character of the images which the period of infancy and childhood impresses upon the mind -Output Transcription: without going to any such extreme is this we can easily see on reflection how vast an influence on the ideas and conceptions as well as on the principles of action immature years must be exerted by the nature and character of the images which the period of infancy and childhood impress upon the mind -2021-09-20 08:49:52.519 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.071429 -2021-09-20 08:49:52.542 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: of course the words this has existed before are a very inadequate translation of what actually happens when we form a judgment of recognition but that is unavoidable words are framed to express a level of thought which is by no means primitive and are quite incapable of expressing such an elementary occurrence as recognition -Output Transcription: of course the words this has existed before are very inadequate translation of what actually happens when we form a judgment of recognition but that is unavoidable words are framed to express a level of thought which is by no means primitive and are quite incapable of expressing such an elementary occurrence as a recognition -2021-09-20 08:49:52.566 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.036364 -2021-09-20 08:49:52.566 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: while the former foretold that the scottish covenanters were secretly forming a union with the english parliament and inculcated the necessity of preventing them by some vigorous undertaking the latter still insisted that every such attempt would precipitate them into measures to which otherwise they were not perhaps inclined -Output Transcription: while the former foretold that the scottish covenanters were secretly forming a union with the english parliament and inculcated the necessity of preventing them by some vigorous undertaking the latter still insisted that every such attempt would precipitate them into measures to which otherwise they were not perhaps inclined -2021-09-20 08:49:52.566 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:49:52.607 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: hester prynne went one day to the mansion of governor bellingham with a pair of gloves which she had fringed and embroidered to his order and which were to be worn on some great occasion of state for though the chances of a popular election had caused this former ruler to descend a step or two from the highest rank he still held an honourable and influential place among the colonial magistracy -Output Transcription: hester prynne went one day to the mansion of governor bellingham with a pair of gloves which she had fringed and embroidered to his order and which were to be worn on some great occasion of state or though the chances of a popular reluctant had caused this former ruler to descend a step or two from the highest rank he still held an honorable and influential place among the colonial magistracy -2021-09-20 08:49:52.647 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.041667 -2021-09-20 08:49:52.695 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: a reconciliation between the two conflicting requirements is effected by a resort to make believe many and intricate polite observances and social duties of a ceremonial nature are developed many organizations are founded with some specious object of amelioration embodied in their official style and title there is much coming and going and a deal of talk to the end that the talkers may not have occasion to reflect on what is the effectual economic value of their traffic -Output Transcription: a reconciliation between the two conflicting requirements is affected by resort to make belief men and intricate polite observance of some social duties of a ceremonial nature are developed many organizations are founded with some specious object of emulation embodied in their official style entitle there is much coming and going and a deal of talk to the end that the talk is made not have occasion to reflect on what is the effectual economic value of their traffic -2021-09-20 08:49:52.743 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.164557 -2021-09-20 08:49:52.765 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: o tis the first tis flattery in my seeing and my great mind most kingly drinks it up mine eye well knows what with his gust is greeing and to his palate doth prepare the cup if it be poison'd tis the lesser sin that mine eye loves it and doth first begin -Output Transcription: oh is the first to flattery in my seeing and my great mind most kingly drinks it up mine i well knows what with his gust is green and to his palate doth prepare the cup if it be poisoned tis the lesser sin that mine eye loves it and doth first begin -2021-09-20 08:49:52.787 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.113208 -2021-09-20 08:49:52.788 | INFO | deepspeech2x.model:test:372 - Error rate [wer] (2592/?) = 0.067890 -2021-09-20 08:49:58.628 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: a pretty girl and so far as i could judge by appearances a good girl too describing her generally i may say that she had a small head well carried and well set on her shoulders bright gray eyes that looked at you honestly and meant what they looked a trim slight little figure too slight for our english notions of beauty a strong american accent and a rare thing in america a pleasantly toned voice which made the accent agreeable to english ears -Output Transcription: a pretty girl and so far as i could judge by appearances a good girl too describing her generally a mesa that she had a small head well carried and well set on her shoulders bright gray eyes that looked at you honestly and meant what they looked a trim slight little figure too slight for our english notions of beauty a strong american accent and rating in america a pleasantly toned voice which made the accent agreeable to english ears -2021-09-20 08:49:58.681 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.071429 -2021-09-20 08:49:58.708 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: in this connection it should be mentioned that the association of edison illuminating companies in the same year adopted resolutions unanimously to the effect that the edison meter was accurate and that its use was not expensive for stations above one thousand lights and that the best financial results were invariably secured in a station selling current by meter -Output Transcription: in this connection it should be mentioned that the association of edison illuminating companies in the same year adopted resolutions unanimously to the effect that the edison meter was accurate and that its use was not expensive for stations above one thousand lights and that the best financial results were invariably secured in a station selling current by metre -2021-09-20 08:49:58.736 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.016949 -2021-09-20 08:49:58.771 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: a good neighbour of the brontes a clever intelligent yorkshire woman who keeps a druggist's shop in haworth and from her occupation her experience and excellent sense holds the position of village doctress and nurse and as such has been a friend in many a time of trial and sickness and death in the households round told me a characteristic little incident connected with tabby's fractured leg -Output Transcription: a good neighbor of the brontes a clever intelligent yorkshire woman who keeps a druggist shop in haworth and from her occupation her experience an excellent sense holds the position of village doctors and nurse and as such has been a friend in many a time of trial and sickness and death in the household round told me a characteristic little incident connected with tabby's fractured leg -2021-09-20 08:49:58.806 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.074627 -2021-09-20 08:49:58.834 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: there was infinite scepticism around him on the subject and while other inventors were also giving the subject their thought the public took it for granted that anything so utterly intangible as electricity that could not be seen or weighed and only gave secondary evidence of itself at the exact point of use could not be brought to accurate registration -Output Transcription: there was infinite scepticism around him on the subject and while other inventors were also giving the subject there thought the public took it for granted that anything so utterly intangible as electricity that could not be seen or weed and only gave secondary evidence of itself at the exact point of use could not be brought to accurate registration -2021-09-20 08:49:58.863 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.033333 -2021-09-20 08:49:58.901 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: then now let me explain to you the order of our entertainment first timaeus who is a natural philosopher will speak of the origin of the world going down to the creation of man and then i shall receive the men whom he has created and some of whom will have been educated by you and introduce them to you as the lost athenian citizens of whom the egyptian record spoke -Output Transcription: then thou let me explain to you the order of our entertainment first times who is a natural philosopher will speak of the origin of the world going down to the creation of men and then i shall receive the men whom he has created and some of whom will have been educated by you and introduced them to you as the last athenian citizens of whom the egyptian record spoke -2021-09-20 08:49:58.941 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.070423 -2021-09-20 08:49:58.972 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: american school boys read with emotions of horror of the albigenses driven beaten and killed with a papal legate directing the butchery and of the vaudois hunted and hounded like beasts as the effect of a royal decree and they yet shall read in the history of their own country of scenes as terrible as these in the exhibition of injustice and inhuman hate -Output Transcription: american schoolboys read with emotions of horror of the alliances driven beaten and killed with a papal legate directing the butchery of the oddworld hunted and hounded like beasts as the effect of a royal decree and they yet shall read in the history of their own country of scenes as terrible as these in the exhibition of injustice and inhuman hate -2021-09-20 08:49:59.002 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.078125 -2021-09-20 08:49:59.037 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: ben zoof's most ambitious desire was to induce the captain to go with him and end his days in his much loved home and so incessantly were servadac's ears besieged with descriptions of the unparalleled beauties and advantages of this eighteenth arrondissement of paris that he could scarcely hear the name of montmartre without a conscious thrill of aversion -Output Transcription: benzo's most ambitious desire was to induce the captain to go with him and end his days in his much loved home and so incessantly were served ac's ears besieged with descriptions of the unparalleled beauties and advantages of this eighteenth or ondemand of paris that he could scarcely hear the name of montmartre without a conscious thrill of aversion -2021-09-20 08:49:59.065 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.101695 -2021-09-20 08:49:59.085 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: dreading the superior power of argyle who having joined his vassals to a force levied by the public was approaching with a considerable army montrose hastened northwards in order to rouse again the marquis of huntley and the gordons who having before hastily taken arms had been instantly suppressed by the covenanters -Output Transcription: dreading the superior power of argyle who having joined his vassals to force levied by the public was approaching with a considerable army montrose hastened northward in order to rouse again the marquis of huntly and the gordons who having before hastily taken arms had been instantly suppressed by the covenanters -2021-09-20 08:49:59.106 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.057692 -2021-09-20 08:49:59.145 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: in a moment he communicated his thoughts to his companions and in the next moment they resolved to turn back and carry her off to please rodolfo for the rich who are open handed always find parasites ready to encourage their bad propensities and thus to conceive this wicked design to communicate it approve it resolve on ravishing leocadia and to carry that design into effect was the work of a moment -Output Transcription: in a moment he communicated his thoughts tres companions and in the next moment they resolved to turn back and carry her off to please rudolph for the rich who are open handed always find parise ready to encourage their bad propensities and thus to conceive this wicked design to communicate it approve it resolve on ravishingly tia and to carry that design into effect was the work of a moment -2021-09-20 08:49:59.184 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.083333 -2021-09-20 08:49:59.204 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: he passes abruptly from persons to ideas and numbers and from ideas and numbers to persons from the heavens to man from astronomy to physiology he confuses or rather does not distinguish subject and object first and final causes and is dreaming of geometrical figures lost in a flux of sense -Output Transcription: he passes abruptly from persons the ideas and numbers and from ideas and numbers to persons from the heavens to man from astronomy to physiology he confuses or rather does not distinguish subject and object first and final causes and is dreaming of geometrical figures lost in a flood of sense -2021-09-20 08:49:59.225 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.039216 -2021-09-20 08:49:59.254 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: valor indeed was very generally diffused over the one party as well as the other during this period discipline also was attained by the forces of the parliament but the perfection of the military art in concerting the general plans of action and the operations of the field seems still on both sides to have been in a great measure wanting -Output Transcription: valor indeed was very generally diffused over the one party as well as the other during this period discipline also was attained by the forces of the parliament but the perfection of the military art in concerning the general plans of action and the operations of the field seems still on both sides to have been in a great measure wanting -2021-09-20 08:49:59.282 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.016393 -2021-09-20 08:49:59.311 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: he must descend with his heart full of charity and severity at the same time as a brother and as a judge to those impenetrable casemates where crawl pell mell those who bleed and those who deal the blow those who weep and those who curse those who fast and those who devour those who endure evil and those who inflict it -Output Transcription: he must descend with his heart full of charity and severity of the same time as a brother and as the judge to those impenetrable casemates where crawl pell now those who bleed in those who deal the blow those who weep in those who curse those who fast and those who devour those who endure evil and those who inflicted -2021-09-20 08:49:59.340 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.112903 -2021-09-20 08:49:59.382 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: my eyes fill with tears when i contrast the bliss of such a state brightened by hopes of the future with the melancholy state i now live in uncertain that i ever felt true contrition wandering in thought and deed longing for holiness which i shall never never obtain smitten at times to the heart with the conviction that ghastly calvinistic doctrines are true darkened in short by the very shadows of spiritual death -Output Transcription: my eyes he tears when i can trust the bliss of such a state brighten by hopes of the future with the melancholy state i now live in uncertain that i ever felt true contrition wandering in thought indeed longing for holiness which i shall never never obtain smit in at times to the heart with the conviction that ghastly calvinistic doctrines are true dark and insured by the very shadows of spiritual death -2021-09-20 08:49:59.425 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.162162 -2021-09-20 08:49:59.479 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: well as i say it's an awful queer world they clap all the burglars into jail and the murderers and the wife beaters i've allers thought a gentle reproof would be enough punishment for a wife beater cause he probably has a lot o provocation that nobody knows and the firebugs can't think o the right name something like cendenaries an the breakers o the peace an what not an yet the law has nothin to say to a man like hen lord -Output Transcription: well as i say its an awful queer world they clap all the burglars in da on the murderers and the white beaters i allers thought a gentle reproof would be enough punishment for a wife beater cause he probably has a lot of provocation that nobody knows and the fire bugs can't think of the right names of the legendaries and the breakers of the piece and what not and yet the law has nothing to say to a male like hand lord -2021-09-20 08:49:59.533 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.265060 -2021-09-20 08:49:59.560 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: this severity by which montrose sullied his victories was the result of private animosity against the chieftain as much as of zeal for the public cause argyle collecting three thousand men marched in quest of the enemy who had retired with their plunder and he lay at innerlochy supposing himself still at a considerable distance from them -Output Transcription: this severity by which montrose sullied his victories was the result of private animosity against the chieftain as much as of zeal for the public cause ur guile collecting three thousand men marched in quest of the enemy who had returned with their plunder and he lay at inner lucky supposing himself still at a considerable distance from them -2021-09-20 08:49:59.587 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.087719 -2021-09-20 08:49:59.641 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: so persuasive were her entreaties and so strong her assurances that no harm whatever could result to them from the information she sought they were induced to confess that one summer's night the same she had mentioned themselves and another friend being out on a stroll with rodolfo they had been concerned in the abduction of a girl whom rodolfo carried off whilst the rest of them detained her family who made a great outcry and would have defended her if they could -Output Transcription: so persuasive were her entreaties and so strong her assurances that no harm whatever could resolve to them from the information she sought they were induced to confess that one summer's night the same she had mentioned and solves in another friend being out on a stroll with rudolph they had been concerned in the adoption of a girl whom rudolph carried off whilst the rest of them detained her family who made a great outcry and would have defended her if they could -2021-09-20 08:49:59.695 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.084337 -2021-09-20 08:49:59.696 | INFO | deepspeech2x.model:test:372 - Error rate [wer] (2608/?) = 0.068338 -2021-09-20 08:50:04.970 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: you are now in the only country in the world where wit can make a fortune by selling either a genuine or a false article in the first case it receives the welcome of intelligent and talented people and in the second fools are always ready to reward it for silliness is truly a characteristic of the people here and however wonderful it may appear silliness is the daughter of wit -Output Transcription: you are now in the only country in the world where it can make a fortune by selling either a genuine or a false article in the first case it receives the welcome of intelligent and talented people and in the second fools are always ready to reward it for silliness is truly a characteristic of the people here and however wonderful it may appear silliness is the daughter of wit -2021-09-20 08:50:05.009 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.014085 -2021-09-20 08:50:05.051 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: to the surprise of all and especially of lieutenant procope the line indicated a bottom at a nearly uniform depth of from four to five fathoms and although the sounding was persevered with continuously for more than two hours over a considerable area the differences of level were insignificant not corresponding in any degree to what would be expected over the site of a city that had been terraced like the seats of an amphitheater -Output Transcription: to the surprise of all and especially of lieutenant pro cope the line indicated a bottom at a nearly uniform depth from four to five fathoms and although the sounding was persevered with continuously for more than two hours over a considerable area the differences of level were insignificant not corresponding in any degree to what would be expected over the sight of a city that had been terraced like the seats of an amphitheatre -2021-09-20 08:50:05.094 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.066667 -2021-09-20 08:50:05.150 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: law seemed to him well enough as a science but he never could discover a practical case where it appeared to him worth while to go to law and all the clients who stopped with this new clerk in the ante room of the law office where he was writing philip invariably advised to settle no matter how but settle greatly to the disgust of his employer who knew that justice between man and man could only be attained by the recognized processes with the attendant fees -Output Transcription: while seemed to him while nasa's science but he never could discover a practical case where it appeared to him worth while to go to law and all the clients who stopped with this new clerk and the anteroom of the war office where he was writing philip invariably advised to settle no matter how but settled greatly to the disgust of his employer who knew that justice between man and man could only be attained by the recognized processes with the attendant fees -2021-09-20 08:50:05.205 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.114943 -2021-09-20 08:50:05.234 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: but reckoning time whose million'd accidents creep in twixt vows and change decrees of kings tan sacred beauty blunt the sharp'st intents divert strong minds to the course of altering things alas why fearing of time's tyranny might i not then say now i love you best when i was certain o'er incertainty crowning the present doubting of the rest -Output Transcription: but reckoning time whose new and accidents creep in twixt vows in change decrees of kings ten sacred beauty blunt the sharpest and tense diverts strong minds to the course of altering things alas why fearing of times tyranny might i not then say now i love you best when i was certain or in certainty crowning the present doubting of the rest -2021-09-20 08:50:05.263 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.200000 -2021-09-20 08:50:05.311 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: hetty sorrel often took the opportunity when her aunt's back was turned of looking at the pleasing reflection of herself in those polished surfaces for the oak table was usually turned up like a screen and was more for ornament than for use and she could see herself sometimes in the great round pewter dishes that were ranged on the shelves above the long deal dinner table or in the hobs of the grate which always shone like jasper -Output Transcription: hetty sorrel often took the opportunity when her aunt's back was turned of looking at the pleasing reflection of herself in those polished services for the oak table was usually turned up like a screen and was more for ornament than for use and she could see herself sometimes in the great round pewter dishes they were ranged on the shelves above the long deal dinner table or in the homes of the grate which always shone like jasper -2021-09-20 08:50:05.359 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.037975 -2021-09-20 08:50:05.394 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: this happened every year and the young fir tree that had now grown to a very comely size trembled at the sight for the magnificent great trees fell to the earth with noise and cracking the branches were lopped off and the trees looked long and bare they were hardly to be recognised and then they were laid in carts and the horses dragged them out of the wood -Output Transcription: this happened every year and the young fir tree that had now grown to a very comely size trembled at the sight for the magnificent great trees fell to the earth with noise and cracking the branches were lopped off and the trees looked long and bear they were hardly to be recognized and then they were latin carts and the horses dragged them out of the wood -2021-09-20 08:50:05.430 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.057971 -2021-09-20 08:50:05.430 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: to keep afloat and to rescue from oblivion to hold above the gulf were it but a fragment of some language which man has spoken and which would otherwise be lost that is to say one of the elements good or bad of which civilization is composed or by which it is complicated to extend the records of social observation is to serve civilization itself -Output Transcription: to keep afloat and to rescue from oblivion to hold above the gulf were it but a fragment of some language which man has spoken and which would otherwise be lost that is to say one of the elements good or bad of which civilization is composed or by which it is complicated to extend the records of social observation is to serve civilization itself -2021-09-20 08:50:05.431 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.000000 -2021-09-20 08:50:05.489 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: but there is always a stronger sense of life when the sun is brilliant after rain and now he is pouring down his beams and making sparkles among the wet straw and lighting up every patch of vivid green moss on the red tiles of the cow shed and turning even the muddy water that is hurrying along the channel to the drain into a mirror for the yellow billed ducks who are seizing the opportunity of getting a drink with as much body in it as possible -Output Transcription: but there is always a stronger sense of life when the sun is brilliant after rain and now he is pouring down his beams and making sparkles among the wet straw and lighting up every patch of vivid green moss and the red tiles of the cowshed and turning even the muddy water that is hurrying along the channel to the drain into a mirror for the yellow bull ducks who are seizing the opportunity of getting a drink with as much body in it is possible -2021-09-20 08:50:05.547 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.056818 -2021-09-20 08:50:05.592 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: the lilly of the valley breathing in the humble grass answerd the lovely maid and said i am a watry weed and i am very small and love to dwell in lowly vales so weak the gilded butterfly scarce perches on my head yet i am visited from heaven and he that smiles on all walks in the valley and each morn over me spreads his hand saying rejoice thou humble grass thou new born lily flower -Output Transcription: the lily of the valley breathing in the humble grass answered the lovely maiden said i am a watery weed and i am very small and love to dwell in lowly fails so weak the gilded butterfly scarce purchase on my head yet i am visited from heaven and he that smiles on all walks in the valley and each morn over me spreads his hand saying rejoice thou humble grass thou newborn lily flower -2021-09-20 08:50:05.636 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.116883 -2021-09-20 08:50:05.665 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: as the chaise drives away mary stands bewildered and perplexed on the door step her mind in a tumult of excitement in which hatred of the doctor distrust and suspicion of her mother disappointment vexation and ill humor surge and swell among those delicate organizations on which the structure and development of the soul so closely depend doing perhaps an irreparable injury -Output Transcription: as the chase drives away mary stands bewildered and perplexed on the doorstep her mind in a tumult of excitement in which hatred of the doctor distrust and suspicion of her mother disappointment vexation an ill humor surge and swell among those delegate organizations on which the structure and development of the soul so closely depend doing perhaps an irreparable injury -2021-09-20 08:50:05.694 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.080645 -2021-09-20 08:50:05.767 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: as she awaited her guests she surveyed the table with both satisfaction and disquietude for her social functions were few tonight there were she checked them off on her fingers sir james creighton the rich english manufacturer and lady creighton mister and missus vanderpool mister harry cresswell and his sister john taylor and his sister and mister charles smith whom the evening papers mentioned as likely to be united states senator from new jersey a selection of guests that had been determined unknown to the hostess by the meeting of cotton interests earlier in the day -Output Transcription: as she awaited her guest she surveyed the table with both satisfaction and is quietude for her social functions were few tonight there were she checked them off on her fingers sir james crichton the rich english manufacturer and lady coryton mister and missus vanderpool mister harry cresswell and his sister john taylor and his sister and mister charles smith whom the evening papers mentioned as likely to be you tied stay senator from new jersey a selection of guests that had been determined unknown to the hostess by the meeting of cotton interest earlier in the day -2021-09-20 08:50:05.839 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.093750 -2021-09-20 08:50:05.882 | INFO | deepspeech2x.model:compute_metrics:319 - -Target Transcription: yesterday you were trembling for a health that is dear to you to day you fear for your own to morrow it will be anxiety about money the day after to morrow the diatribe of a slanderer the day after that the misfortune of some friend then the prevailing weather then something that has been broken or lost then a pleasure with which your conscience and your vertebral column reproach you again the course of public affairs -Output Transcription: yesterday were trembling for a health that is dear to you today you fear for your own tomorrow it will be anxiety about money the day after tomorrow the diatribe of a slanderer the day after that the misfortune of some friend then the prevailing weather then something that has been broken or lost then a pleasure with which your conscience inner vertebral column rep you again the course of public affairs -2021-09-20 08:50:05.924 | INFO | deepspeech2x.model:compute_metrics:321 - Current error rate [wer] = 0.129870 -2021-09-20 08:50:05.924 | INFO | deepspeech2x.model:test:372 - Error rate [wer] (2620/?) = 0.068548 -2021-09-20 08:50:05.925 | INFO | deepspeech2x.model:test:380 - Test: epoch: 0, step: 0, Final error rate [wer] (2620/2620) = 0.068548